sieves provides a framework-agnostic abstraction for building document AI pipelines.
It decouples business logic from the underlying language model framework. By combining a
ready-to-use task library with declarative design, sieves lets you focus on what data you need rather than how to
extract it. Its consistent, type-safe API allows you to swap language model frameworks without having to rewrite your
application logic.
This approach recognizes that different LM frameworks excel at different aspects of language model development:
outlinesfor high-performance, strictly constrained structured generation with local models.dspyfor sophisticated prompt optimization and few-shot example tuning.langchainfor broad compatibility with proprietary APIs and existing ecosystems.gliner2ortransformerszero-shot pipelines for specialized, low-latency local inference.
sieves unifies the entire workflow:
- Ingestion: Parsing PDFs, images, and Office docs (via
docling). - Preprocessing: Intelligent text chunking and windowing (via
chonkie). - Prediction: Zero-shot structured generation using a unified interface.
Supports multiple backends:
dspy,langchain,outlines,gliner2,transformerszero-shot classification pipelines - Distillation: Distill a specialized local model from zero-shot predictions (via
setfitandmodel2vec).
Define your task pipeline once, then swap execution engines without rewriting your pipeline logic. Use the task library to skip having to define tasks from scratch.
Warning
sieves is in active development (Beta). The API is stable within minor versions, but we recommend pinning your version for production use.
- π― Zero Training Required: Immediate inference using zero-/few-shot models
- π€ Unified Generation Interface: Seamlessly use multiple libraries
βΆοΈ Observable Pipelines: Easy debugging and monitoring with conditional task execution- π οΈ Integrated Tools:
- π·οΈ Ready-to-Use Tasks:
- Multi-label classification
- Information extraction
- Relation extraction
- Summarization
- Translation
- Multi-question answering
- Aspect-based sentiment analysis
- PII (personally identifiable information) anonymization
- Named entity recognition
- πΎ Persistence: Save and load pipelines with configurations
- π Optimization: Improve task performance by optimizing prompts and few-shot examples using DSPy's MIPROv2
- π§βπ« Distillation: Fine-tune smaller, specialized models using your zero-shot results with frameworks like SetFit and Model2Vec.
Export results as HuggingFace
Datasetfor custom training. - β»οΈ Caching to avoid unnecessary model calls
1. Install
pip install sievesRequires Python 3.12 (due to dependency constraints in docling and pyarrow).
2. Basic: text classification with a small local model
import outlines
import transformers
from sieves import Pipeline, tasks, Doc
# Set up model.
model_name = "HuggingFaceTB/SmolLM2-135M-Instruct"
model = outlines.models.from_transformers(
transformers.AutoModelForCausalLM.from_pretrained(model_name),
transformers.AutoTokenizer.from_pretrained(model_name)
)
# Define task.
task = tasks.Classification(labels=["science", "politics"], model=model)
# Define pipeline with the classification task.
pipeline = Pipeline(task)
# Define documents to analyze.
doc = Doc(text="The new telescope captures images of distant galaxies.")
# Run pipeline and print results.
docs = list(pipeline([doc]))
# The `results` field contains the structured task output as a unified Pydantic model.
print(docs[0].results["Classification"]) # ResultMultiLabel(label_scores=[('science', 1.0), ('politics', 0.0)])
# The `meta` field contains more information helpful for observability and debugging, such as raw model output and token count information.
print(docs[0].meta) # {'Classification': {
# 'raw': ['{ "science": 1.0, "politics": 0 }'],
# 'usage': {'input_tokens': 2, 'output_tokens': 2, 'chunks': [{'input_tokens': 2, 'output_tokens': 2}]}}, 'usage': {'input_tokens': 2, 'output_tokens': 2}
# }3. Advanced: End-to-end document AI with a hosted LLM
This example demonstrates the full power of sieves: parsing a PDF, chunking it, and extracting structured data (equations) using a remote LLM via DSPy.
Requires pip install "sieves[ingestion]"
import dspy
import os
import pydantic
import chonkie
import tokenizers
from sieves import tasks, Doc
# Define which schema of entity to extract.
class Equation(pydantic.BaseModel, frozen=True):
id: str = pydantic.Field(description="ID/index of equation in paper.")
equation: str = pydantic.Field(description="Equation as shown in paper.")
# Setup DSPy model.
model = dspy.LM(
"openrouter/google/gemini-3-flash-preview",
api_base="https://openrouter.ai/api/v1/",
api_key=os.environ["OPENROUTER_API_KEY"]
)
# Build pipeline: ingest -> chunk -> extract.
pipeline = (
tasks.Ingestion() +
tasks.Chunking(chonkie.TokenChunker(tokenizers.Tokenizer.from_pretrained("gpt2"))) +
tasks.InformationExtraction(entity_type=Equation, model=model)
)
# Define docs to analyze.
doc = Doc(uri="https://arxiv.org/pdf/1204.0162")
# Run pipeline.
results = list(pipeline([doc]))
# Print results.
for equation in results[0].results["InformationExtraction"].entities:
print(equation)This gives us:
id='(1)' equation="the observer measures not the linear but angular ... both cars are near the stop sign."
id='(3)' equation='\\omega(t) = \\frac{r_0 v(t)}{r_0^2 + x(t)^2}'
id='(4)' equation='\\tan \\alpha(t) = \\frac{x(t)}{r_0}'
id='(5)' equation='x(t) = \\frac{a_0 t^2}{2}'
id='(6)' equation="\\frac{d}{dt} f(t) = f'(t)"
id='(7)' equation='\\omega(t) = \\frac{a_0 t}{r_0} \\left( 1 + \\frac{a_0^2 t^4}{4 r_0^2} \\right)^{-1}'
id='(8)' equation='x(t) = x_0 + v_0 t + \\frac{1}{2} a t^2'
Building Document AI prototypes usually involves gluing together disparate tools: one library for PDF parsing, another
for chunking, a third for LLM interaction, another one for distillation, and so on.
Switching from one model/framework stack, e.g., using Outlines with a local model, to a different one, e.g.
LangChain with a closed vendor LLM, often requires rewriting core logic and boilerplate.
sieves solves this by providing a vertical stack optimized for Document AI.
Best for:
- β Document AI: End-to-end pipelines from raw file to structured data.
- β Rapid Prototyping: Validate ideas quickly with zero-shot models; no training data needed.
- β Backend Flexibility: Switch between Local (GLiNER, Outlines) and Remote (DSPy, LangChain) execution instantly.
- β Observability: Built-in inspection of intermediate steps (chunks, prompts).
Not for:
- β Chatbots or conversational agents.
- β Simple, one-off LLM completion calls.
| Feature | sieves |
langchain |
dspy |
outlines |
transformers |
gliner2 |
|---|---|---|---|---|---|---|
| Primary Focus | Document AI | General LLM apps | Declarative LM development | Structured generation | Modeling | Extraction |
| Backend Support | Universal | Own ecosystem | Own ecosystem | Own ecosystem | Own ecosystem | Specialized |
| Document Parsing | Built-in | Tool integrations | β No | β No | β No | β No |
| Structured Output | Unified Pydantic API | Framework-specific | Framework-specific | Core feature | Core feature | |
| Prompt Optimization | DSPy Integration | β No | β Core feature | β No | β No | β No |
| Model Distillation | setfit/model2vec |
β No | β Yes | β No | β No |
Doc: The atomic unit of data. Holds raw text, metadata, parsed content, and extraction results.Task: A functional step in the pipeline (e.g.,Ingestion,Chunking,NER,Classification).Pipeline: A composable sequence of tasks that manages execution flow, caching, and state.
sieves allows you to bring your own model backend. We support:
- DSPy: For optimizing prompts and working with remote/local models via LiteLLM.
- Outlines: For strictly constrained structured generation with local models.
- LangChain: For broad compatibility with the LangChain ecosystem.
- GLiNER2: For high-performance, small-model Named Entity Recognition.
- Transformers: For standard Hugging Face zero-shot classification pipelines.
See the Model Setup Guide for configuration details.
pip install sievesOptional extras:
pip install "sieves[ingestion]" # PDF/DOCX parsing (docling, marker)
pip install "sieves[distill]" # Model distillation (setfit, model2vec)π Documentation β’
β Chat with the sieves DeepWiki β’
π€ Discussions
sieves is inspired by the design philosophy of spaCy and spacy-llm.

