GeekFleet.Dev
MLOps

Deploying LLMs with Kubernetes + FastAPI

Battle-tested approach for deploying LLMs in production with Kubernetes and FastAPI, serving millions of requests with 99.9% uptime.

PK
Punit Kumar
Senior DevOps Engineer
12 min read
#kubernetes#fastapi#llm#mlops#scaling#caching#monitoring

Deploying LLMs with Kubernetes + FastAPI

Deploying Large Language Models (LLMs) in production requires careful consideration of resource management, scaling, and reliability. After deploying multiple LLM services serving millions of requests, here's my battle-tested approach using Kubernetes and FastAPI.

Why This Architecture?

The Challenge

  • Resource Intensive: LLMs require significant memory and compute
  • Variable Load: Request patterns can be unpredictable
  • Cost Management: GPU resources are expensive
  • Reliability: High availability requirements for production services

Solution Components

  • FastAPI: High-performance Python web framework
  • Kubernetes: Container orchestration and scaling
  • Redis: Intelligent caching layer
  • Prometheus: Comprehensive monitoring

Implementation Details

1. FastAPI Service Design

from fastapi import FastAPI, HTTPException, BackgroundTasks
from fastapi.middleware.cors import CORSMiddleware
from pydantic import BaseModel
import torch
from transformers import AutoModelForCausalLM, AutoTokenizer
import redis
import json
import hashlib
from typing import Optional

app = FastAPI(title="LLM API", version="1.0.0")

# Enable CORS for web applications
app.add_middleware(
    CORSMiddleware,
    allow_origins=["*"],
    allow_credentials=True,
    allow_methods=["*"],
    allow_headers=["*"],
)

# Global model and tokenizer
model = None
tokenizer = None
redis_client = redis.Redis(host='redis-service', port=6379, db=0)

class ChatRequest(BaseModel):
    message: str
    temperature: float = 0.7
    max_tokens: int = 150
    system_prompt: Optional[str] = None

class ChatResponse(BaseModel):
    response: str
    model_name: str
    tokens_used: int
    cached: bool
    processing_time: float

@app.on_event("startup")
async def load_model():
    global model, tokenizer
    model_name = "microsoft/DialoGPT-large"
    
    print(f"Loading model: {model_name}")
    tokenizer = AutoTokenizer.from_pretrained(model_name)
    model = AutoModelForCausalLM.from_pretrained(
        model_name,
        torch_dtype=torch.float16,  # Use half precision for memory efficiency
        device_map="auto"
    )
    
    if tokenizer.pad_token is None:
        tokenizer.pad_token = tokenizer.eos_token
    
    print("Model loaded successfully")

@app.post("/chat", response_model=ChatResponse)
async def chat_completion(request: ChatRequest):
    # Implementation with caching and error handling
    pass

2. Kubernetes Deployment Configuration

apiVersion: apps/v1
kind: Deployment
metadata:
  name: llm-api
  labels:
    app: llm-api
spec:
  replicas: 2
  selector:
    matchLabels:
      app: llm-api
  template:
    metadata:
      labels:
        app: llm-api
    spec:
      containers:
      - name: llm-api
        image: your-registry/llm-api:latest
        ports:
        - containerPort: 8000
        env:
        - name: REDIS_HOST
          value: "redis-service"
        - name: MODEL_NAME
          value: "microsoft/DialoGPT-large"
        resources:
          requests:
            memory: "8Gi"
            cpu: "2"
            nvidia.com/gpu: "1"
          limits:
            memory: "16Gi"
            cpu: "4"
            nvidia.com/gpu: "1"
        readinessProbe:
          httpGet:
            path: /health
            port: 8000
          initialDelaySeconds: 60
          periodSeconds: 10
        livenessProbe:
          httpGet:
            path: /health
            port: 8000
          initialDelaySeconds: 120
          periodSeconds: 30

3. Intelligent Caching Strategy

import hashlib
import json

def generate_cache_key(request: ChatRequest) -> str:
    """Generate a deterministic cache key from request parameters"""
    key_data = {
        "message": request.message,
        "temperature": request.temperature,
        "max_tokens": request.max_tokens,
        "system_prompt": request.system_prompt
    }
    return hashlib.md5(json.dumps(key_data, sort_keys=True).encode()).hexdigest()

async def get_cached_response(cache_key: str) -> Optional[dict]:
    """Retrieve cached response if available"""
    try:
        cached = redis_client.get(cache_key)
        if cached:
            return json.loads(cached)
    except Exception as e:
        print(f"Cache retrieval error: {e}")
    return None

async def cache_response(cache_key: str, response: dict, ttl: int = 3600):
    """Cache response with TTL"""
    try:
        redis_client.setex(cache_key, ttl, json.dumps(response))
    except Exception as e:
        print(f"Cache storage error: {e}")

4. Auto-scaling Configuration

apiVersion: autoscaling/v2
kind: HorizontalPodAutoscaler
metadata:
  name: llm-api-hpa
spec:
  scaleTargetRef:
    apiVersion: apps/v1
    kind: Deployment
    name: llm-api
  minReplicas: 2
  maxReplicas: 10
  metrics:
  - type: Resource
    resource:
      name: cpu
      target:
        type: Utilization
        averageUtilization: 70
  - type: Resource
    resource:
      name: memory
      target:
        type: Utilization
        averageUtilization: 80

Production Results

Performance Metrics

  • Uptime: 99.9%
  • Average Response Time: <2s
  • Requests/min per pod: 500+
  • Cache Hit Rate: 85%
  • Cost Reduction: 40% through intelligent scaling

Monitoring and Observability

from prometheus_client import Counter, Histogram, generate_latest
import time

# Metrics
REQUEST_COUNT = Counter('llm_requests_total', 'Total LLM requests', ['method', 'endpoint'])
REQUEST_LATENCY = Histogram('llm_request_duration_seconds', 'LLM request latency')
CACHE_HITS = Counter('llm_cache_hits_total', 'Cache hits')
CACHE_MISSES = Counter('llm_cache_misses_total', 'Cache misses')

@app.middleware("http")
async def add_process_time_header(request, call_next):
    start_time = time.time()
    response = await call_next(request)
    process_time = time.time() - start_time
    REQUEST_LATENCY.observe(process_time)
    return response

Best Practices

Resource Management

  1. GPU Sharing: Use NVIDIA Multi-Process Service (MPS) for better GPU utilization
  2. Memory Optimization: Implement model quantization and use fp16 precision
  3. Load Balancing: Distribute requests across multiple model instances

Security

  1. Rate Limiting: Implement per-user rate limits to prevent abuse
  2. Input Validation: Sanitize and validate all user inputs
  3. Authentication: Use JWT tokens or API keys for access control

Cost Optimization

  1. Spot Instances: Use preemptible instances for non-critical workloads
  2. Auto-scaling: Scale down during low-traffic periods
  3. Caching: Implement aggressive caching for similar requests

Troubleshooting Common Issues

Out of Memory (OOM) Errors

resources:
  requests:
    memory: "12Gi"  # Increase memory allocation
  limits:
    memory: "16Gi"

Slow Model Loading

# Pre-load models in init containers
initContainers:
- name: model-downloader
  image: python:3.9
  command: ['python', '-c', 'from transformers import AutoModel; AutoModel.from_pretrained("model-name")']

High Latency

  • Check network between pods and external services
  • Optimize batch processing
  • Review caching strategy

Conclusion

This architecture has successfully powered multiple production LLM services, handling millions of requests while maintaining high availability and cost efficiency. The key is balancing performance, reliability, and cost through careful resource management and intelligent caching.

Key takeaways:

  • Start simple, then optimize based on real traffic patterns
  • Monitor everything: latency, throughput, resource usage, costs
  • Design for failure: implement proper health checks and graceful degradation
  • Cache aggressively but intelligently to reduce compute costs

Need help deploying your LLM service? Schedule a call to discuss implementing this architecture for your specific requirements.

Share this article

Related Articles

Continue your learning journey with these related posts