Benchmark your ML Team
Stop losing your ML insights. Try our python package

ML knowledge preservation for the AI era

We’re living in an AI arms race. Chasing the right model wastes your time and money.
Never lose valuable ML insights again.

# Environment setup: pip install modlee

# Import and initialize
import modlee
import torch

modlee.init(api_key='my_api_key')
# Create your dataloaders
train_dataloader, val_dataloader = your_function_to_get_dataloaders()

# Create a recommender object and fit to the training dataloader
recommender = modlee.recommender.from_modality_task(
    modality='image',
    task='classification',
    )

# Fit the recommender to the data meta-features
recommender.fit(train_dataloader)

# Get the model from the recommender and train
modlee_model = recommender.model
with modlee.start_run() as run:
    trainer = modlee.Trainer(max_epochs=10)
    trainer.fit(model=modlee_model,train_dataloaders=train_dataloader)
# Define your custom neural network
class ExampleCNN(torch.nn.Module):
    def __init__(self, num_classes):
        super().__init__()
        self.conv1 = torch.nn.Conv2d(in_channels=3, out_channels=1,
                                     kernel_size=3, padding=1)
        self.fc1 = torch.nn.Linear(1 * 32 * 32, num_classes)
    def forward(self, x):
        x = torch.nn.functional.relu(self.conv1(x))
        x = x.view(-1, 1 * 32 * 32)
        x = self.fc1(x)
        return x

# Subclass the ModleeModel class to enable automatic documentation
class ModleeClassifier(modlee.model.ModleeModel):
    def __init__(self, model):
        super().__init__()
        self.model, self.loss_fn = model, torch.nn.functional.cross_entropy
    def forward(self, x):
        return self.model(x)
    def training_step(self, batch):
        x, y_target = batch
        y_pred = self(x)
        loss = self.loss_fn(y_pred, y_target)
        return {"loss": loss}
    def configure_optimizers(self):
        optimizer = torch.optim.SGD(self.parameters(), lr=0.001, momentum=0.9)
        return optimizer

# Create the model object
modlee_model = ModleeClassifier(ExampleCNN(10))

# Insert the modlee context manager before training
with modlee.start_run() as run:
    trainer = modlee.trainer(max_epochs=10)
    trainer.fit(model=modlee_model, train_dataloaders=train_dataloader)

Simplify ML development and scale with ease

Until now, ML R&D has been isolated, tedious, and messy. We know this because our Founder lived it. He was sick of wasting time optimizing models for performance and cost. So he quit his job and started building. On year later, Modlee was born.

We’re building a better way to build and scale your ML ops & R&D process.
How Modlee works

Start preserving and progressing your ML pipeline and experiments in three simple steps

Connect

Download our Python package to collaborate securely with developers worldwide.

Benchmark

Train high-quality ML solutions quickly and easily, at any stage of your ML journey.

Progress

Document and share your progress, build on collective insights, and advance your research with Modlee.

Features

An actionable meta-learning environment for your ML pipeline 
to help you build better

Automated experiment collaboration

Every experiment trained with Modlee is documented to a standard and shared, preserving all your experiment knowledge across diverse datasets and models. This fosters large-scale, seamless collaboration, empowering anyone to train more quality models for their datasets by building upon previous work and learnings.

Actionable ML model architecture recommendations

By harnessing shared experiment metadata, Modlee predicts optimal models for your datasets, seamlessly integrating them into your codebase with just a few lines of code. With Modlee, you can reach higher quality benchmarks while working within familiar workflows and frameworks.

Read Our Docs

Automatic ML experiment documentation

When you use Modlee, we help you expand your ML expertise by finding solutions that exceed your model benchmark. With every experiment, Modlee automatically documents your experiments, preserving essential information.

Read our docs

Trusted by our deep network of platform leaders and design partners

Vamos
RIPA
Nvidia
Mineral Forecast
logo
AWS Startups
Alo Index
Techstars
Vamos
RIPA
Nvidia
Mineral Forecast
logo
AWS Startups
Alo Index
Techstars

Build Smarter with Modlee

Modlee meets you wherever you are in your ML journey. Whether you’re hacking away on a weekend project, building an AI startup, conducting academic research, or scaling an enterprise.

With Modlee you’ll get better model selection, insight capture, and contributor benchmarking.

Preserve

Preserve your AI knowledge effortlessly.

Protect

Protect your research and insights.

Progress

Progress your ML projects faster and smarter.

Download our python packagage
pip install Modlee
With Modlee
Save some time obtaining the best benchmark solutions so you can focus on breaking new ground while seamlessly influencing the work of the ML community
Ensure the efforts you spend in ML R&D are preserved and protected so as your company grows, you can build on your existing work instead of recreating it
Have peace of mind that the Model you deploy has been benchmarked against the Modlee community
Save some time obtaining the best benchmark solutions so you can focus on breaking new ground while seamlessly influencing the projects organization wide
Learn how to build quality ML faster, using Modlee benchmark models as a guide
University
Leader
Engineer
Researcher
Student
Check out our Github
Frequently asked questions

We believe AI is like water. Like water, it should be understandable and available to everyone. Community creates progress.

Join our Community

Join our community of developers, researchers, and ML innovators passionate about advancing the field of AI. Collaborate, share insights, and let’s drive progress together.

Join us in shaping the AI era

MODLEE is designed and maintained for developers, by developers passionate about evolving the state of the art of AI innovation and research.

We’d love to hear from you
Not a valid input
Not a valid input
Not a valid input
Not a valid input
Thank you! Your submission has been received!
Oops! Something went wrong while submitting the form.