Computer vision ML pipelines for image classification, object detection, semantic segmentation, and image generation. Activates for "computer vision", "image classification", "object detection", "CNN", "ResNet", "YOLO", "image segmentation", "image preprocessing", "data augmentation". Builds end-to-end CV pipelines with PyTorch/TensorFlow, integrated with SpecWeave increments.
Builds end-to-end computer vision pipelines for classification, detection, and segmentation. Activates for "CNN", "YOLO", "ResNet", "image classification", or "object detection" requests.
/plugin marketplace add anton-abyzov/specweave/plugin install sw-ml@specweaveThis skill inherits all available tools. When active, it can use any tool Claude has access to.
Specialized ML pipelines for computer vision tasks. Handles image preprocessing, data augmentation, CNN architectures, transfer learning, and deployment for production CV systems.
from specweave import CVPipeline
# Binary or multi-class classification
pipeline = CVPipeline(
task="classification",
num_classes=10,
increment="0042"
)
# Automatically configures:
# - Image preprocessing (resize, normalize)
# - Data augmentation (rotation, flip, color jitter)
# - CNN architecture (ResNet, EfficientNet, ViT)
# - Transfer learning from ImageNet
# - Training loop with validation
# - Inference pipeline
pipeline.fit(train_images, train_labels)
# Detect multiple objects in images
pipeline = CVPipeline(
task="object_detection",
classes=["person", "car", "dog", "cat"],
increment="0042"
)
# Uses: YOLO, Faster R-CNN, or RetinaNet
# Returns: Bounding boxes + class labels + confidence scores
# Pixel-level classification
pipeline = CVPipeline(
task="segmentation",
num_classes=21,
increment="0042"
)
# Uses: U-Net, DeepLab, or SegFormer
# Returns: Segmentation mask for each pixel
from specweave import ImageAugmentation
aug = ImageAugmentation(increment="0042")
# Standard augmentations
aug.add_transforms([
"random_rotation", # ±15 degrees
"random_flip_horizontal",
"random_brightness", # ±20%
"random_contrast", # ±20%
"random_crop"
])
# Advanced augmentations
aug.add_advanced([
"mixup", # Mix two images
"cutout", # Random erasing
"autoaugment" # Learned augmentation
])
# Start from pre-trained ImageNet models
pipeline = CVPipeline(task="classification")
# Option 1: Feature extraction (freeze backbone)
pipeline.use_pretrained(
model="resnet50",
freeze_backbone=True
)
# Option 2: Fine-tuning (unfreeze after few epochs)
pipeline.use_pretrained(
model="resnet50",
freeze_backbone=False,
fine_tune_after_epoch=3
)
Image Classification:
Object Detection:
Segmentation:
# CV increment structure
.specweave/increments/0042-image-classifier/
├── spec.md
├── data/
│ ├── train/
│ ├── val/
│ └── test/
├── models/
│ ├── model-v1.pth
│ └── model-v2.pth
├── experiments/
│ ├── baseline-resnet18/
│ ├── resnet50-augmented/
│ └── efficientnet-b0/
└── deployment/
├── onnx_model.onnx
└── inference.py
/ml:cv-pipeline --task classification --model resnet50
/ml:cv-evaluate 0042 # Evaluate on test set
/ml:cv-deploy 0042 # Export to ONNX
Quick setup for CV projects with production-ready pipelines.
Use when working with Payload CMS projects (payload.config.ts, collections, fields, hooks, access control, Payload API). Use when debugging validation errors, security issues, relationship queries, transactions, or hook behavior.
Applies Anthropic's official brand colors and typography to any sort of artifact that may benefit from having Anthropic's look-and-feel. Use it when brand colors or style guidelines, visual formatting, or company design standards apply.
Creating algorithmic art using p5.js with seeded randomness and interactive parameter exploration. Use this when users request creating art using code, generative art, algorithmic art, flow fields, or particle systems. Create original algorithmic art rather than copying existing artists' work to avoid copyright violations.