FiftyOne provides a powerful plugin framework that allows for extending and customizing the functionality of the tool.
With plugins, you can add new functionality to the FiftyOne App, create integrations with other tools and APIs, render custom panels, and add custom buttons to menus.
With FiftyOne Teams, you can even write plugins that allow users to execute long-running tasks from within the App that run on a connected compute cluster.
For example, here's a taste of what you can do with the @voxel51/brain plugin!
brain.mp4
This repository contains a curated collection of FiftyOne Plugins, organized into the following categories:
- Core Plugins: core functionality that all FiftyOne users will likely want to install. These plugins are maintained by the FiftyOne team
- Voxel51 Plugins: non-core plugins that are officially maintained by the FiftyOne team
- Example Plugins: these plugins exist to inspire and educate you to create your own plugins! Each emphasizes a different aspect of the plugin system
- Community Plugins: third-party plugins that are contributed and maintained by the community. These plugins are not officially supported by the FiftyOne team, but they're likely awesome!
๐๐ค Contribute Your Own Plugin ๐๐
Want to showcase your own plugin here? See the contributing section for instructions!
| Name | Description |
|---|---|
| @voxel51/annotation | โ๏ธ Utilities for integrating FiftyOne with annotation tools |
| @voxel51/brain | ๐ง Utilities for working with the FiftyOne Brain |
| @voxel51/dashboard | ๐ Create your own custom dashboards from within the App |
| @voxel51/evaluation | โ Utilities for evaluating models with FiftyOne |
| @voxel51/io | ๐ A collection of import/export utilities |
| @voxel51/indexes | ๐ Utilities working with FiftyOne database indexes |
| @voxel51/plugins | ๐งฉ Utilities for managing and building FiftyOne plugins |
| @voxel51/delegated | ๐ก Utilities for managing your delegated operations |
| @voxel51/runs | ๐ Utilities for managing your custom runs |
| @voxel51/utils | โ๏ธ Call your favorite SDK utilities from the App |
| @voxel51/zoo | ๐ Download datasets and run inference with models from the FiftyOne Zoo, all without leaving the App |
| Name | Description |
|---|---|
| @voxel51/voxelgpt | ๐ค An AI assistant that can query visual datasets, search the FiftyOne docs, and answer general computer vision questions |
| @voxel51/mlflow | ๐ Track model training experiments on your FiftyOne datasets with MLflow! |
| @voxel51/huggingface_hub | ๐ค Push FiftyOne datasets to the Hugging Face Hub, and load datasets from the Hub into FiftyOne! |
| @voxel51/transformers | ๐ค Run inference on your datasets using Hugging Face Transformers models! |
| Name | Description |
|---|---|
| @voxel51/hello-world | ๐ An example plugin that contains both Python and JavaScript components |
| @voxel51/operator-examples | โ๏ธ A collection of example operators showing how to use the operator type system to build custom FiftyOne operations |
| @voxel51/panel-examples | ๐ A collection of example panels demonstrating common patterns for building Python panels |
๐๐ค Contribute Your Own Plugin ๐๐
Want to showcase your own plugin here? See the contributing section for instructions!
| Name | Description |
|---|---|
| @harpreetsahota/sam3_images | ๐ผ๏ธ Integration of Meta's SAM3 (Segment Anything Model 3) into FiftyOne, with full support of text prompts, keypoint prompts, bounding box prompts, auto segmentation, and image embeddings. |
| @harpreetsahota/qwen3vl_video | ๐ฅ A FiftyOne zoo model integration for Qwen3-VL that enables comprehensive video understanding with multiple label types in a single forward pass and for computing video embeddings. |
| @harpreetsahota/text_evaluation_metrics | ๐ก This plugin provides five text evaluation metrics for comparing predictions against ground truth: ANLS, Exact Match, Normalized Similarity, Character Error Rate, and Word Error Rate. |
| @harpreetsahota/mineru_2_5 | ๐ MinerU2.5 is a 1.2B-parameter vision-language model for efficient high-resolution document parsing. This model can support grounding OCR as well as free text OCR. |
| @harpreetsahota/nomic-embed-multimodal | ๐ Nomic Embed Multimodal is a family of vision-language models built on Qwen2.5-VL that generates high-dimensional embeddings for both images and text in a shared vector space. |
| @harpreetsahota/bimodernvbert | ๐๏ธ BiModernVBert is a vision-language model built on the ModernVBert architecture that generates embeddings for both images and text in a shared 768-dimensional vector space. |
| @harpreetsahota/colmodernvbert | ๐ ColModernVBert is a multi-vector vision-language model built on the ModernVBert architecture that generates ColBERT-style embeddings for both images and text. |
| @harpreetsahota/deepseek_ocr | ๐ณ DeepSeek-OCR is a vision-language model designed for optical character recognition with a focus on "contextual optical compression." |
| @harpreetsahota/olmOCR-2 | ๐ olmOCR-2 is a state-of-the-art OCR model built on Qwen2.5-VL architecture that extracts text from document images with high accuracy. |
| @harpreetsahota/jina_embeddings_v4 | ๐ Jina Embeddings v4 is a state-of-the-art Vision Language Model that generates embeddings for both images and text in a shared vector space. |
| @harpreetsahota/colqwen2_5_v0_2 | ๐๏ธ ColQwen2.5 is a Vision Language Model based on Qwen2.5-VL-3B-Instruct that generates ColBERT-style multi-vector representations for efficient document retrieval. This version takes dynamic image resolutions (up to 768 image patches) and doesn't resize them, preserving aspect ratios for better accuracy. |
| @harpreetsahota/nanonets_ocr2 | ๐ Nanonets-OCR2 transforms documents into structured markdown with intelligent content recognition and semantic tagging, making it ideal for downstream processing by Large Language Models (LLMs). |
| @harpreetsahota/colpali_v1_3 | ๐ ColPali is a Vision Language Model based on PaliGemma-3B that generates ColBERT-style multi-vector representations for efficient document retrieval. |
| @harpreetsahota/kosmos2_5 | ๐ Kosmos-2.5 excels at two core tasks: generating spatially-aware text blocks (OCR) and producing structured markdown output from images. |
| @harpreetsahota/moondream3 | ๐ Moondream 3 (Preview) is an vision language model with a mixture-of-experts architecture (9B total parameters, 2B active). This model makes no compromises, delivering state-of-the-art visual reasoning while still retaining our efficient and deployment-friendly ethos. |
| @harpreetsahota/caption_viewer | ๐ฅ๏ธ A plugin that intelligently displays and formats VLM (Vision Language Model) outputs and text fields. Perfect for viewing OCR results, receipt analysis, document processing, and any text-heavy computer vision workflows. |
| @harpreetsahota/fiftyone_wandb_plugin | ๐ This plugin connects FiftyOne datasets with Weights & Biases to enable reproducible, data-centric ML workflows. |
| @harpreetsahota/isaac0_1 | ๐ค Isaac-0.1 is the first in Perceptron AI's family of models built to be the intelligence layer for the physical world. This integration supports various computer vision tasks including object detection, classification, OCR, visual question answering, and more. |
| @vlm-run/vlmrun-voxel51-plugin | ๐ฏ Extract structured data from visual and audio sources including documents, images, and videos |
| @harpreetsahota/minicpm-v | ๐๏ธ Integrating MiniCPM-V 4.5 as a Remote Source Zoo Model in FiftyOne |
| @harpreetsahota/fast_vlm | ๐จ Integrating FastVLM as a Remote Source Zoo Model for FiftyOne |
| @harpreetsahota/gui_actor | ๐ฅ๏ธ Implementing Microsoft's GUI Actor as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/synthetic_gui_samples_plugins | ๐งช A FiftyOne plugin for generating synthetic samples for datasets in COCO4GUI format |
| @harpreetsahota/coco4gui_fiftyone | ๐ฝ Implementing the COCO4GUI dataset type in FiftyOne with importers and exports |
| @harpreetsahota/fiftyone_lerobot_importer | ๐ค Import your LeRobot format dataset into FiftyOne format |
| @harpreetsahota/medsiglip | ๐ฉป Implementing MedSigLIP as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/florence2 | ๐๏ธ Implementing Florence2 as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/medgemma | ๐ฉป Implementing MedGemma as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/moondream2 | ๐ Moondream2 implementation as a remotely sourced zoo model for FiftyOne |
| @harpreetsahota/qwen2_5_vl | ๐ Implementing Qwen2.5-VL as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/paligemma2 | ๐ Implementing PaliGemma-2-Mix as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/siglip2 | ๐ A FiftyOne Remotely Sourced Zoo Model integration for Google's SigLIP2 model enabling natural language search across images in your FiftyOne Dataset |
| @harpreetsahota/os_atlas | ๐ฅ๏ธ Integrating OS-Atlas Base into FiftyOne as a Remote Source Zoo Model |
| @harpreetsahota/Nemotron_Nano_VL | ๐๏ธ Implementing Llama-3.1-Nemotron-Nano-VL-8B-V1 as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/UI_TARS | ๐ฅ๏ธ Implementing UI-TARS-1.5 as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/MiMo_VL | ๐จ Implementing MiMo-VL as a Remote Zoo Model for FiftyOne |
| @harpreetsahota/Kimi_VL_A3B | ๐ FiftyOne Remotely Sourced Zoo Model integration for Moonshot AI's Kimi-VL-A3B models enabling object detection, keypoint localization, and image classification with strong GUI and document understanding capabilities. |
| @harpreetsahota/vggt | ๐ฒ Implemeting Meta AI's VGGT as a FiftyOne Remote Zoo Model |
| @harpreetsahota/NVLabs_CRADIOV3 | ๐ป Implementing NVLabs C-RADIOv3 Embeddings Model as Remotely Sourced Zoo Model for FiftyOne |
| @harpreetsahota/nemo_retriever_parse_plugin | ๐ Implementing NVIDIA NeMo Retriever Parse as a FiftyOne Plugin |
| @harpreetsahota/visual_document_retrieval | ๐ A FiftyOne Remotely Sourced Zoo Model integration for LlamaIndex's VDR model enabling natural language search across document images, screenshots, and charts in your datasets. |
| @harpreetsahota/ShowUI | ๐ฅ๏ธ Integrating ShowUI into FiftyOne as a Remote Source Zoo Model |
| @harpreetsahota/vitpose | ๐ง๐ฝ Run ViTPose Models from Hugging Face on your FiftyOne Dataset |
| @harpreetsahota/depth_pro_plugin | ๐ฅฝ Perfom zero-shot metric monocular depth estimation using the Apple Depth Pro model |
| @harpreetsahota/janus_vqa | ๐ Run the Janus Pro Models from Deepseek on your Fiftyone Dataset |
| @harpreetsahota/hiera_video_embeddings | ๐ฅ Compute embeddings for video using Facebook Hiera Models |
| @segmentsai/segments-voxel51-plugin | โ๏ธ Integrate FiftyOne with the Segments.ai annotation tool! |
| @jacobmarks/image_issues | ๐ฉ๏ธ Find common image quality issues in your datasets |
| @jacobmarks/concept_interpolation | ๐ Find images that best interpolate between two text-based extremes! |
| @jacobmarks/text_to_image | ๐จ Add synthetic data from prompts with text-to-image models and FiftyOne! |
| @jacobmarks/twilio_automation | ๐ฒ Automate data ingestion with Twilio! |
| @wayofsamu/line2d | ๐ Visualize x,y-Points as a line chart. |
| @jacobmarks/vqa-plugin | โ Ask (and answer) open-ended visual questions about your images! |
| @jacobmarks/youtube_panel_plugin | ๐บ Play YouTube videos in the FiftyOne App! |
| @jacobmarks/image_deduplication | ๐ช Find exact and approximate duplicates in your dataset! |
| @jacobmarks/keyword_search | ๐ Perform keyword search on a specified field! |
| @jacobmarks/pytesseract_ocr | ๐ Run optical character recognition with PyTesseract! |
| @brimoor/pdf-loader | ๐ Load your PDF documents into FiftyOne as per-page images |
| @jacobmarks/zero_shot_prediction | ๐ฎ Run zero-shot (open vocabulary) prediction on your data! |
| @jacobmarks/active_learning | ๐ Accelerate your data labeling with Active Learning! |
| @jacobmarks/reverse_image_search | โช Find the images in your dataset most similar to an image from filesystem or the internet! |
| @jacobmarks/concept_space_traversal | ๐ Navigate concept space with CLIP, vector search, and FiftyOne! |
| @jacobmarks/audio_retrieval | ๐ Find the images in your dataset most similar to an audio file! |
| @jacobmarks/semantic_document_search | ๐ Perform semantic search on text in your documents! |
| @allenleetc/model-comparison | โ๏ธ Compare two object detection models! |
| @ehofesmann/filter_values | ๐ Filter a field of your FiftyOne dataset by one or more values. |
| @jacobmarks/gpt4_vision | ๐ค Chat with your images using GPT-4 Vision! |
| @swheaton/anonymize | ๐ฅธ Anonymize/blur images based on a FiftyOne Detections field. |
| @jacobmarks/double_band_filter | |
| @danielgural/semantic_video_search | |
| @jacobmarks/emoji_search | ๐ Semantically search emojis and copy to clipboard! |
| @danielgural/img_to_video | ๐ฆ Bring images to life with image to video! |
| @ehofesmann/edit_label_attributes | โ๏ธ Edit attributes of your labels directly in the FiftyOne App! |
| @danielgural/audio_loader | ๐ง Import your audio datasets as spectograms into FiftyOne! |
| @jacobmarks/albumentations_augmentation | ๐ช Test out any Albumentations data augmentation transform with FiftyOne! |
| @jacobmarks/image_captioning | ๐๏ธ Caption all your images with state of the art vision-language models! |
| @jacobmarks/multimodal_rag | ๐ฆ Create and test multimodal RAG pipelines with LlamaIndex, Milvus, and FiftyOne! |
| @danielgural/optimal_confidence_threshold | ๐ Find the optimal confidence threshold for your detection models automatically! |
| @danielgural/outlier_detection | โ Find those troublesome outliers in your dataset automatically! |
| @danielgural/clustering_algorithms | ๐ต๏ธ Find the clusters in your data using some of the best algorithms available! |
| @jacobmarks/clustering | ๐ Cluster your images using embeddings with FiftyOne and scikit-learn! |
| @mmoollllee/fiftyone-tile | โฌ Tile your high resolution images to squares for training small object detection models |
| @mmoollllee/fiftyone-timestamps | ๐ Compute datetime-related fields (sunrise, dawn, evening, weekday, ...) from your samples' filenames or creation dates |
| @allenleetc/plotly-map-panel | ๐ Plotly-based Map Panel with adjustable marker cosmetics! |
| @madave94/multi_annotator_toolkit | ๐งน Tackle noisy annotation! Find and analyze annotation issues in datasets with multiple annotators per image. |
| @AdonaiVera/fiftyone-vlm-efficient | ๐ช Improve VLM training data quality with state-of-the-art dataset pruning and quality techniques |
| @AdonaiVera/bddoia-fiftyone | ๐ Load and explore the BDDOIA Safe/Unsafe Action dataset via the FiftyOne Zoo |
| @AdonaiVera/fiftyone-agents | ๐ค A comprehensive FiftyOne plugin for testing and evaluating multiple Vision-Language Models (VLMs) with dynamic prompts and built-in evaluation capabilities |
| @AdonaiVera/gemini-vision-plugin | ๐ฎ This plugin integrates Google Gemini's multimodal Vision models (e.g., gemini-2.5-flash) into your FiftyOne workflows. Prompt with text and one or more images; receive a text response grounded in visual inputs |
If you haven't already, install FiftyOne:
pip install fiftyoneIn general, you can install all plugin(s) in a GitHub repository by running:
fiftyone plugins download https://github.com/path/to/repoFor instance, to install all plugins in this repository, you can run:
fiftyone plugins download https://github.com/voxel51/fiftyone-pluginsYou can also install a specific plugin using the --plugin-names flag:
fiftyone plugins download \
https://github.com/voxel51/fiftyone-plugins \
--plugin-names <name>๐ก Pro tip: Some plugins require additional setup. Click the plugin's link and navigate to the project's README for instructions.
You can use the CLI commands below to manage your downloaded plugins:
# List all plugins you've downloaded
fiftyone plugins list
# List the available operators and panels
fiftyone operators list
# Disable a particular plugin
fiftyone plugins disable <name>
# Enable a particular plugin
fiftyone plugins enable <name>If you plan to develop plugins locally, you can clone the repository and symlink it into your FiftyOne plugins directory like so:
cd /path/to/fiftyone-plugins
ln -s "$(pwd)" "$(fiftyone config plugins_dir)/fiftyone-plugins"Have a plugin you'd like to share with the community? Awesome! ๐๐๐
Just follow these steps to add your plugin to this repository:
- Make sure your plugin repo has a
README.mdfile that describes the plugin and how to install it - Fork this repository
- Add an entry for your plugin to the Community Plugins table above
- Submit a pull request into this repository
You're also welcome to contribute to the plugins that live natively in this repository. Check out the contributions guide for instructions.
If you want join a fast-growing community of engineers, researchers, and practitioners who love computer vision, join the FiftyOne Discord community ๐๐๐
๐ก Pro tip: the #plugins channel is a great place to discuss plugins!
If you've made it this far, we'd greatly appreciate if you'd take a moment to check out FiftyOne and give us a star!
FiftyOne is an open source library for building high-quality datasets and computer vision models. It's the engine that powers this project.
Thanks for visiting! ๐