awesome-openvino
A curated list of OpenVINO based AI projects
Stars: 87
Awesome OpenVINO is a curated list of AI projects based on the OpenVINO toolkit, offering a rich assortment of projects, libraries, and tutorials covering various topics like model optimization, deployment, and real-world applications across industries. It serves as a valuable resource continuously updated to maximize the potential of OpenVINO in projects, featuring projects like Stable Diffusion web UI, Visioncom, FastSD CPU, OpenVINO AI Plugins for GIMP, and more.
README:
A curated list of OpenVINO based AI projects. The most exciting community projects based on OpenVINO are highlighted here. Explore a rich assortment of OpenVINO-based projects, libraries, and tutorials that cover a wide range of topics, from model optimization and deployment to real-world applications in various industries.
This repository is a collaborative effort, continuously updated to provide you with the latest and most valuable resources for maximizing the potential of OpenVINO in your projects. If you want your project to appear in this list, please create a Pull Request or contact @DimaPastushenkov. Inspired by Awesome oneAPI
If your project is featured in this Awesome OpenVINO list, you are welcome to use the 'Mentioned in Awesome' badge on your project's repository.
OpenVINO™ is an open-source toolkit for AI inference optimization and deployment.
- Enhances deep learning performance in computer vision, automatic speech recognition, natural language processing, and other common tasks.
- Utilize models trained with popular frameworks such as TensorFlow and PyTorch while efficiently reducing resource demands.
- Deploy seamlessly across a spectrum of Intel® platforms, spanning from edge to cloud.
-
OpenVINO GitHub repo.
-
To download OpenVINO toolkit, go here.
-
A collection of ready-to-run Jupyter notebooks for learning and experimenting with the OpenVINO™ toolkit- OpenVINO Notebooks.
- Generative AI
- AI Computer Vision
- AI Audio
- OpenVINO API extentions
- Natural Language Processing
- Multimodal projects
- Miscellaneous
- Educational
- Stable Diffusion web UI - This is a repository for a browser interface based on Gradio library for Stable Diffusion
- stable_diffusion.openvino - This GitHub project provides an implementation of text-to-image generation using stable diffusion on Intel CPU or GPU. It requires Python 3.9.0 and is compatible with OpenVINO.
- Fast SD - FastSD CPU is a faster version of Stable Diffusion on CPU. Based on Latent Consistency Models and Adversarial Diffusion Distillation.Read blog post about Fast Stable Diffusion on CPU using FastSD and OpenVINO.
- OpenVINO™ AI Plugins for GIMP - Provides a set of OpenVINO based plugins that add AI features to GIMP (GNU IMAGE MANIPULATION PROGRAM)
- OpenVINO Code - VSCode extension for AI code completion with OpenVINO - VSCode extension for helping developers writing code with AI code assistant.
- Enhancing Customer Service with Real-Time Sentiment Analysis: Leveraging LLMs and OpenVINO for Instant Emotional Insights - The integration of LLMs with sentiment analysis models, further optimised by OpenVINO.
- OV_SD_CPP - The pure C++ text-to-image pipeline, driven by the OpenVINO native API for Stable Diffusion v1.5 with LMS Discrete Scheduler.
- QuickStyle - A simple stylizing app utilizing OpenVINO to stylize common objects in images.
- QuickPainter - A simple inpainting app utilizing OpenVINO to remove common objects from images.
- BlurAnything - An adaptation of the excellent Track Anything project which is in turn based on Meta's Segment Anything and XMem.
- Stable Diffusion 2.1 on Intel ARC - A simple and easy-to-use demo to run Stable Diffusion 2.1 for Intel ARC graphics card based on OpenVINO.
- AI Video Builder - Make videos with AI images from YouTube videos.
-
VisionGuard - A desktop application designed for AI PCs to combat eye strain through real-time gaze tracking, developed during GSoC 2024 under the OpenVINO Toolkit. Built on OpenVINO's gaze estimation demo, VisionGuard offers customizable break reminders, screen time analytics, and multi-device support (CPU/GPU/NPU). It features an intuitive UI with system tray integration, leveraging OpenVINO, Qt, and OpenCV for efficient, privacy-focused local processing.
-
Visioncom Visioncom is based on open_model_zoo project demo, the assisted communication system employs advanced computer vision technologies, using the OpenCV and OpenVINO libraries, to provide an interactive solution for patients with Amyotrophic Lateral Sclerosis (ALS).
-
BMW-IntelOpenVINO-Detection-Inference-API - This is a repository for an object detection inference API using OpenVINO, supporting both Windows and Linux operating systems
-
yolov5_export_cpu - The project provides documentation on exporting YOLOv5 models for fast CPU inference using Intel's OpenVINO framework
-
LidarObjectDetection-PointPillars (C++ based, requires AI toolkit and OpenVINO). demonstrates how to perform 3D object detection and classification using input data (point cloud) from a LIDAR sensor.
-
Pedestrian fall detection - Pedestrian fall detection. Deploying PP-Human based on OpenVINO C # API
-
OpenVINO Tennis Posture - Deciphering Tennis Posture with Artificial Intelligence
-
Cigarette Detection - The project begins by YOLOv8-pose detecting human body positions and extracting skeletal information from images. Based on the skeletal poses, it assesses the elbow angles and the distance between hands and mouths for each individual. If successful, the RTDETR model is employed to detect cigarettes at the mouth zone.
-
FastSAM_Awesome_OpenVINO - The Fast Segment Anything Model(FastSAM) is a CNN Segment Anything Model trained by only 2% of the SA-1B dataset published by SAM authors. The FastSAM achieve a comparable performance with the SAM method at 50× higher run-time speed.
-
Computer Vision Models As Service - implements different Computer Vision Deep Learning Models as a service.
-
Dance-with: Dance with your friends with the right pose! - Dance-with corrects your dance posture using multi-person OpenPose, 2D pose estimation Deep Learning model.
-
Target-Person-Tracking-System - Integration of face recognition and person tracking.
-
Metin2 Bot - bots for video game Metin2.
-
Machine control - industrial machine surveillance system designed to help increase efficiency of processes.
-
MeetingCam - Run your AI and CV algorithms in online meetings such as Zoom, Meets or Teams!
-
Virtual-Tryon - Use AI to try on clothes with your pictures.
-
DepthAI Experiments - A collections of projects done with DepthAI.
-
Project Babble - Mouth tracking project designed to work with any existing VR headset.
-
Group Pose - A Simple Baseline for End-to-End Multi-person Pose Estimation.
-
Frigate - NVR With Realtime Object Detection for IP Cameras.
-
CGD OpenVINO Demo - Efficient Inference and Quantization of CGD for Image Retrieval.
-
Risk package detection - Threat Detection and Unattended Baggage Detection with Associated Person Tracking.
-
YOLOv7-Intel - Object Detection For Autonomous Vehicles.
-
Cerberus - Dog Breed Classification and Body Localization.
-
Criminal Activity recognition - Criminal Activity Video Surveillance.
-
RapidOCR on OpenVINO GPU - A modified verison of RapidOCR to support OpenVINO GPU.
-
Yolov9 with OpenVINO - C++ and python implementation of YOLOv9 using OpenVINO
-
OpenVINO-Deploy - A repository showcasing the deployment of popular object detection AI algorithms using the OpenVINO C++ API for efficient inference.
-
Clip-Chinese - Chinese image-text similarity matching tasks, leverage OpenVINO and the Towhee embedding library.
- OpenVINO™ C# API
- OpenVINO Java API
- OpenVINO LabVIEW API
- OpenVINO.net
- OpenVINO-rs
- OpenVINO-GO Client - The end goal is to utilize a Go client to facilitate user-friendly batch processing of molecular data, interfacing with a Flask server that employs OpenVINO for optimized lipophilicity predictions and molecular visualization
- Japanese chatbot Youri - LLM Japanese chatbot demo program using Intel OpenVINO toolkit.
- OpenVINO GPT-Neo - a port of GPT-Neo that uses OpenVINO.
- Resume-Based Interview Preparation Tool - The Resume-Based Interview Preparation Tool is a software application designed to streamline the interview process by helping interviewers generate relevant and meaningful questions based on a candidate's resume or portfolio page.
- Scene Explorer for kids - Integration of a chat bot with an object detection algorithm.
- Indoor Care Chatbot - An Elderly Indoor Care Chatbot with an object detection algorithm.
- SA2 - Vision-Oriented MultiModal AI.
- OpenVINO Support This initiative generated openVINO compatibility with the openSUSE Linux platform. Because dependencies were added to tools and libraries for software development using C/C++ and other compilation directives for the programming language.
- NTUST Edge AI 2023 Artificial Intelligence and Edge Computing Practice - Educational meterials about AI and Edge Computing Practice GNU IMAGE MANIPULATION PROGRAM
-
JAX: Artificial Intelligence for everyone. - JAX (Just an Artificial Intelligence Extended) is an optimized version of the openSUSE Linux image to work with openVINO. This platform was designed to facilitate the access and development of AI applications.
-
Shared Memory for AI inference - Shared memory interface between OpenVINO and CODESYS. It allows to exchange variable between Control Application, written in IEC and OpenVINO Application, which performs inference
-
webnn-native- WebNN Native is an implementation of the Web Neural Network API, providing building blocks, headers, and backends for ML platforms including DirectML, OpenVINO, and XNNPACK.
-
NVIDIA GPU Plugin - allows to perform deep neural networks inference on NVIDIA GPUs using CUDA, using OpenVINO API.
-
Token Merging for Stable Diffusion running with OpenVINO - An OpenVINO adopted version of Token Merging method.
-
Drug Discovery “Lipophilicity” using OpenVINO toolkit- Finding Lipophilicity of peptides, proteins and molecules.
-
OpenVINO Quantization- Image Quantization Classification using STL 10 Dataset.
-
who_what_benchmark - Simple and quick accuracy test for compressed, quantized, pruned, distilled LLMs from NNCF, Bitsandbytes, GPTQ, and BigDL-LLM.
-
OpenVINO with Docker - Dockerizing OpenVINO applications.
-
OpenVINO AICG Samples - A collection of samples for NLP and Image Generation.
-
OpenVINO Model Server k8s Terraform - Deploying Kubernetes cluster via Terraform as well as deploying and hosting a OpenVINO Model Server on it.
-
Application of Vision Language Models with ROS 2 - Dives into vision-language models for Robotics applications using ROS 2 and Intel OpenVINO toolkit.
See Awesome oneAPI for leading oneAPI and SYCL projects across diverse industries.
OpenVINO takes advantage of the discrete GPUs using Intel oneAPI, an open programming model for multiarchitecture programming. The oneAPI-samples repository demonstrates the performance and productivity offered by Intel oneAPI and its toolkits such as oneDNN in a multi-architecture environment.
For Tasks:
Click tags to check more tools for each tasksFor Jobs:
Alternative AI tools for awesome-openvino
Similar Open Source Tools
awesome-openvino
Awesome OpenVINO is a curated list of AI projects based on the OpenVINO toolkit, offering a rich assortment of projects, libraries, and tutorials covering various topics like model optimization, deployment, and real-world applications across industries. It serves as a valuable resource continuously updated to maximize the potential of OpenVINO in projects, featuring projects like Stable Diffusion web UI, Visioncom, FastSD CPU, OpenVINO AI Plugins for GIMP, and more.
awesome-generative-ai
Awesome Generative AI is a curated list of modern Generative Artificial Intelligence projects and services. Generative AI technology creates original content like images, sounds, and texts using machine learning algorithms trained on large data sets. It can produce unique and realistic outputs such as photorealistic images, digital art, music, and writing. The repo covers a wide range of applications in art, entertainment, marketing, academia, and computer science.
lsp-ai
LSP-AI is an open source language server designed to enhance software engineers' productivity by integrating AI-powered functionality into various text editors. It serves as a backend for completion with large language models and offers features like unified AI capabilities, simplified plugin development, enhanced collaboration, broad compatibility with editors supporting Language Server Protocol, flexible LLM backend support, and commitment to staying updated with the latest advancements in LLM-driven software development. The tool aims to centralize open-source development work, provide a collaborative platform for developers, and offer a future-ready solution for AI-powered assistants in text editors.
End-to-End-LLM
The End-to-End LLM Bootcamp is a comprehensive training program that covers the entire process of developing and deploying large language models. Participants learn to preprocess datasets, train models, optimize performance using NVIDIA technologies, understand guardrail prompts, and deploy AI pipelines using Triton Inference Server. The bootcamp includes labs, challenges, and practical applications, with a total duration of approximately 7.5 hours. It is designed for individuals interested in working with advanced language models and AI technologies.
ianvs
Ianvs is a distributed synergy AI benchmarking project incubated in KubeEdge SIG AI. It aims to test the performance of distributed synergy AI solutions following recognized standards, providing end-to-end benchmark toolkits, test environment management tools, test case control tools, and benchmark presentation tools. It also collaborates with other organizations to establish comprehensive benchmarks and related applications. The architecture includes critical components like Test Environment Manager, Test Case Controller, Generation Assistant, Simulation Controller, and Story Manager. Ianvs documentation covers quick start, guides, dataset descriptions, algorithms, user interfaces, stories, and roadmap.
opensourceAI
This repository is a collection of various open source AI projects and topics, each focusing on specific areas such as language models, security, and deepfake technology. It includes projects like privateGPT for building a private version of the GPT language model, AutoGPT for automating training GPT models, and DeepFaceLab for deepfake creation. Explore these repositories to find projects that interest you.
SuperKnowa
SuperKnowa is a fast framework to build Enterprise RAG (Retriever Augmented Generation) Pipelines at Scale, powered by watsonx. It accelerates Enterprise Generative AI applications to get prod-ready solutions quickly on private data. The framework provides pluggable components for tackling various Generative AI use cases using Large Language Models (LLMs), allowing users to assemble building blocks to address challenges in AI-driven text generation. SuperKnowa is battle-tested from 1M to 200M private knowledge base & scaled to billions of retriever tokens.
ai2apps
AI2Apps is a visual IDE for building LLM-based AI agent applications, enabling developers to efficiently create AI agents through drag-and-drop, with features like design-to-development for rapid prototyping, direct packaging of agents into apps, powerful debugging capabilities, enhanced user interaction, efficient team collaboration, flexible deployment, multilingual support, simplified product maintenance, and extensibility through plugins.
ais-k8s
AIStore on Kubernetes is a toolkit for deploying a lightweight, scalable object storage solution designed for AI applications in a Kubernetes environment. It includes documentation, Ansible playbooks, Kubernetes operator, Helm charts, and Terraform definitions for deployment on public cloud platforms. The system overview shows deployment across nodes with proxy and target pods utilizing Persistent Volumes. The AIStore Operator automates cluster management tasks. The repository focuses on production deployments but offers different deployment options. Thorough planning and configuration decisions are essential for successful multi-node deployment. The AIStore Operator simplifies tasks like starting, deploying, adjusting size, and updating AIStore resources within Kubernetes.
FedML
FedML is a unified and scalable machine learning library for running training and deployment anywhere at any scale. It is highly integrated with FEDML Nexus AI, a next-gen cloud service for LLMs & Generative AI. FEDML Nexus AI provides holistic support of three interconnected AI infrastructure layers: user-friendly MLOps, a well-managed scheduler, and high-performance ML libraries for running any AI jobs across GPU Clouds.
TensorRT-Model-Optimizer
The NVIDIA TensorRT Model Optimizer is a library designed to quantize and compress deep learning models for optimized inference on GPUs. It offers state-of-the-art model optimization techniques including quantization and sparsity to reduce inference costs for generative AI models. Users can easily stack different optimization techniques to produce quantized checkpoints from torch or ONNX models. The quantized checkpoints are ready for deployment in inference frameworks like TensorRT-LLM or TensorRT, with planned integrations for NVIDIA NeMo and Megatron-LM. The tool also supports 8-bit quantization with Stable Diffusion for enterprise users on NVIDIA NIM. Model Optimizer is available for free on NVIDIA PyPI, and this repository serves as a platform for sharing examples, GPU-optimized recipes, and collecting community feedback.
awesome-algorand
Awesome Algorand is a curated list of resources related to the Algorand Blockchain, including official resources, wallets, blockchain explorers, portfolio trackers, learning resources, development tools, DeFi platforms, nodes & consensus participation, subscription management, security auditing services, blockchain bridges, oracles, name services, community resources, Algorand Request for Comments, metrics and analytics services, decentralized voting tools, and NFT marketplaces. The repository provides a comprehensive collection of tools, tutorials, protocols, and platforms for developers, users, and enthusiasts interested in the Algorand ecosystem.
kdbai-samples
KDB.AI is a time-based vector database that allows developers to build scalable, reliable, and real-time applications by providing advanced search, recommendation, and personalization for Generative AI applications. It supports multiple index types, distance metrics, top-N and metadata filtered retrieval, as well as Python and REST interfaces. The repository contains samples demonstrating various use-cases such as temporal similarity search, document search, image search, recommendation systems, sentiment analysis, and more. KDB.AI integrates with platforms like ChatGPT, Langchain, and LlamaIndex. The setup steps require Unix terminal, Python 3.8+, and pip installed. Users can install necessary Python packages and run Jupyter notebooks to interact with the samples.
NeMo
NeMo Framework is a generative AI framework built for researchers and pytorch developers working on large language models (LLMs), multimodal models (MM), automatic speech recognition (ASR), and text-to-speech synthesis (TTS). The primary objective of NeMo is to provide a scalable framework for researchers and developers from industry and academia to more easily implement and design new generative AI models by being able to leverage existing code and pretrained models.
chatgpt-universe
ChatGPT is a large language model that can generate human-like text, translate languages, write different kinds of creative content, and answer your questions in a conversational way. It is trained on a massive amount of text data, and it is able to understand and respond to a wide range of natural language prompts. Here are 5 jobs suitable for this tool, in lowercase letters: 1. content writer 2. chatbot assistant 3. language translator 4. creative writer 5. researcher
llmops-promptflow-template
LLMOps with Prompt flow is a template and guidance for building LLM-infused apps using Prompt flow. It provides centralized code hosting, lifecycle management, variant and hyperparameter experimentation, A/B deployment, many-to-many dataset/flow relationships, multiple deployment targets, comprehensive reporting, BYOF capabilities, configuration-based development, local prompt experimentation and evaluation, endpoint testing, and optional Human-in-loop validation. The tool is customizable to suit various application needs.
For similar tasks
awesome-openvino
Awesome OpenVINO is a curated list of AI projects based on the OpenVINO toolkit, offering a rich assortment of projects, libraries, and tutorials covering various topics like model optimization, deployment, and real-world applications across industries. It serves as a valuable resource continuously updated to maximize the potential of OpenVINO in projects, featuring projects like Stable Diffusion web UI, Visioncom, FastSD CPU, OpenVINO AI Plugins for GIMP, and more.
VisionCraft
The VisionCraft API is a free API for using over 100 different AI models. From images to sound.
openvino
OpenVINO™ is an open-source toolkit for optimizing and deploying AI inference. It provides a common API to deliver inference solutions on various platforms, including CPU, GPU, NPU, and heterogeneous devices. OpenVINO™ supports pre-trained models from Open Model Zoo and popular frameworks like TensorFlow, PyTorch, and ONNX. Key components of OpenVINO™ include the OpenVINO™ Runtime, plugins for different hardware devices, frontends for reading models from native framework formats, and the OpenVINO Model Converter (OVC) for adjusting models for optimal execution on target devices.
djl-demo
The Deep Java Library (DJL) is a framework-agnostic Java API for deep learning. It provides a unified interface to popular deep learning frameworks such as TensorFlow, PyTorch, and MXNet. DJL makes it easy to develop deep learning applications in Java, and it can be used for a variety of tasks, including image classification, object detection, natural language processing, and speech recognition.
nnstreamer
NNStreamer is a set of Gstreamer plugins that allow Gstreamer developers to adopt neural network models easily and efficiently and neural network developers to manage neural network pipelines and their filters easily and efficiently.
cortex
Nitro is a high-efficiency C++ inference engine for edge computing, powering Jan. It is lightweight and embeddable, ideal for product integration. The binary of nitro after zipped is only ~3mb in size with none to minimal dependencies (if you use a GPU need CUDA for example) make it desirable for any edge/server deployment.
PyTorch-Tutorial-2nd
The second edition of "PyTorch Practical Tutorial" was completed after 5 years, 4 years, and 2 years. On the basis of the essence of the first edition, rich and detailed deep learning application cases and reasoning deployment frameworks have been added, so that this book can more systematically cover the knowledge involved in deep learning engineers. As the development of artificial intelligence technology continues to emerge, the second edition of "PyTorch Practical Tutorial" is not the end, but the beginning, opening up new technologies, new fields, and new chapters. I hope to continue learning and making progress in artificial intelligence technology with you in the future.
CVPR2024-Papers-with-Code-Demo
This repository contains a collection of papers and code for the CVPR 2024 conference. The papers cover a wide range of topics in computer vision, including object detection, image segmentation, image generation, and video analysis. The code provides implementations of the algorithms described in the papers, making it easy for researchers and practitioners to reproduce the results and build upon the work of others. The repository is maintained by a team of researchers at the University of California, Berkeley.
For similar jobs
sweep
Sweep is an AI junior developer that turns bugs and feature requests into code changes. It automatically handles developer experience improvements like adding type hints and improving test coverage.
teams-ai
The Teams AI Library is a software development kit (SDK) that helps developers create bots that can interact with Teams and Microsoft 365 applications. It is built on top of the Bot Framework SDK and simplifies the process of developing bots that interact with Teams' artificial intelligence capabilities. The SDK is available for JavaScript/TypeScript, .NET, and Python.
ai-guide
This guide is dedicated to Large Language Models (LLMs) that you can run on your home computer. It assumes your PC is a lower-end, non-gaming setup.
classifai
Supercharge WordPress Content Workflows and Engagement with Artificial Intelligence. Tap into leading cloud-based services like OpenAI, Microsoft Azure AI, Google Gemini and IBM Watson to augment your WordPress-powered websites. Publish content faster while improving SEO performance and increasing audience engagement. ClassifAI integrates Artificial Intelligence and Machine Learning technologies to lighten your workload and eliminate tedious tasks, giving you more time to create original content that matters.
chatbot-ui
Chatbot UI is an open-source AI chat app that allows users to create and deploy their own AI chatbots. It is easy to use and can be customized to fit any need. Chatbot UI is perfect for businesses, developers, and anyone who wants to create a chatbot.
BricksLLM
BricksLLM is a cloud native AI gateway written in Go. Currently, it provides native support for OpenAI, Anthropic, Azure OpenAI and vLLM. BricksLLM aims to provide enterprise level infrastructure that can power any LLM production use cases. Here are some use cases for BricksLLM: * Set LLM usage limits for users on different pricing tiers * Track LLM usage on a per user and per organization basis * Block or redact requests containing PIIs * Improve LLM reliability with failovers, retries and caching * Distribute API keys with rate limits and cost limits for internal development/production use cases * Distribute API keys with rate limits and cost limits for students
uAgents
uAgents is a Python library developed by Fetch.ai that allows for the creation of autonomous AI agents. These agents can perform various tasks on a schedule or take action on various events. uAgents are easy to create and manage, and they are connected to a fast-growing network of other uAgents. They are also secure, with cryptographically secured messages and wallets.
griptape
Griptape is a modular Python framework for building AI-powered applications that securely connect to your enterprise data and APIs. It offers developers the ability to maintain control and flexibility at every step. Griptape's core components include Structures (Agents, Pipelines, and Workflows), Tasks, Tools, Memory (Conversation Memory, Task Memory, and Meta Memory), Drivers (Prompt and Embedding Drivers, Vector Store Drivers, Image Generation Drivers, Image Query Drivers, SQL Drivers, Web Scraper Drivers, and Conversation Memory Drivers), Engines (Query Engines, Extraction Engines, Summary Engines, Image Generation Engines, and Image Query Engines), and additional components (Rulesets, Loaders, Artifacts, Chunkers, and Tokenizers). Griptape enables developers to create AI-powered applications with ease and efficiency.