
Accelerated Object Detection
Basics
Learn how to accelerate your object detection applications with Asynchronous inference and offloading to multiple types of processing units.
Sign in to try it out
Store Aisle Monitor
Retail
Capture video, generate a heat map, record the number of patrons, then integrate the results. The program can also create output video and save snapshots.
Sign in to try it out
Store Traffic Monitor
Retail
The Store Traffic Monitor builds upon the two previous examples to provide a more advanced use case. This reference sample demonstrates how to perform object detection and inference with multiple videos simultaneously. In this use case, the application monitors the activity of people inside and outside an imaginary storefront and keeps track of product inventory using a pretrained neutral network for detection.
Sign in to try it out
Shopper Gaze Monitor
Retail
Build a solution to analyze customer expressions and reactions to product advertising positioned on retail shelves.
Sign in to try it out
People Counter System
Transportation | Security
Create a smart video application using the Intel® Distribution of OpenVINO™ toolkit. The toolkit uses models and inference to run single class object detection.
Sign in to try it out
Pneumonia Detection
Healthcare
This example showcases a healthcare application by classifying the probability of pneumonia in X-ray images. The application uses the inference engine in the Intel® Distribution of OpenVINO™ toolkit and applies a pretrained neural network using an open source dataset. The inference results are stored in an output file.
Sign in to try it out
Brain Tumor Segmentation
Healthcare
This example implements an inference engine based on the U-Net architecture for brain tumor segmentation in MRI scans. The code demonstrates several approaches. First, a stock TensorFlow implementation is presented. Next, the same implementation is executed with an Intel-optimized TensorFlow backed by MKL-DNN. We also present an alternative implementation that relies on the Intel® Distribution of OpenVINO™ toolkit. This latter implementation allows you to use not only Intel CPUs for inference, but also Intel HD Graphics, Intel Neural Compute Stick 2, HDDL-R, and Intel FPGAs (HDDL-F).
Sign in to try it out
Safety Gear Detection
Industrial | Security
The Safety Gear Detection sample is another demonstration of object detection, this time in an industrial/safety use case. The sample involves presenting a video frame-by-frame to the inference engine (IE), which then uses a trained and optimized neural network – Mobilenet-SSD – to detect people and their safety gear.
Sign in to try it out
Optical Character Recognition
Basics
The Optical Character Recognition (OCR) sample demonstrates the use of the Intel® Distribution of OpenVINO™ toolkit to perform OCR using Long Short-Term Memory (LSTM), which is a Convolutional Recurrent Neural Network (CRNN) architecture for deep learning. The sample recognizes words in a sample JPEG file.
Sign in to try it out
Intruder Detection
Security
The Intruder Detection sample demonstrates how to build an application to alert you when someone enters a restricted area. Here, you will learn how to use models to perform multiclass object detection.
Sign in to try it out
Accelerated Object Detection (C++)
Basics | General
Learn how to accelerate your object detection applications with asynchronous inference and offloading to multiple types of processing units.
Sign in to try it out
New Speech Recognition C++ Sample
General
This sample demonstrates the building of speech recognition application using a Kaldi acoustic and language model to transcribe an audio file. The Intel® Distribution of OpenVINO™ toolkit inference engine (IE), Intel® Speech Decoder, and Intel® Speech Extraction libraries are used to create a simple Speech Library API.
Sign in to try it out
American Sign Language (ASL) Gesture Recognition
General
This sample uses person detection with a pre-trained person-detection model and ASL gesture recognition with a pre-trained ASL recognition model and utilizes Intel® Distribution of OpenVINO(tm) toolkit for accelerated inference. This sample detects people in a frame and recognizes the person's ASL gesture.
Sign in to try it out
Clean Room Worker Safety - ONNX Object Detection Sample
Industrial | Security
The Clean Room Worker Safety sample demonstrates object detection in an industrial/clean room use case. The sample involves presenting a frame-by-frame video to the ONNX Runtime (RT), which uses an ONNX RT Execution Provider for OpenVINO™ toolkit to run inference on various Intel® hardware, such as CPU, iGPU, accelerator cards NCS2, FPGA, and VAD-M. This sample uses a pretrained Tiny Yolo V2 Deep Learning ONNX Model for the detection of safety gear (e.g., bunny suit, safety glasses), robots, and heads, and can be used for hazard detection purposes.
Sign in to try it out
Radar Image Classification
Public Sector/Government
This example showcases the use of Intel® Distribution of OpenVINO™ Toolkit to optimize and deploy a pre-trained ResNet18 model that classifies Synthetic Aperture Radar (SAR) images associated with 10 separate military vehicle classifiers, such as tanks and armored vehicles.
Sign in to try it out
Tiny Yolo V3 Object Detection
General
This sample showcases how to convert a pre-trained DarkNet Tiny YOLO V3 model to TensorFlow format, run accelerated Inference with Tiny YOLO V3 using OpenVINO's Inference engine, and fine tune the number of inference request processed at a time and the number of streams to achieve optimal performance.
Sign in to try it out
Robotic Surgery Segmentation
Healthcare
This sample showcases a Pytorch model based on TeranusNet being converted to ONNX to utilize Intel® Distribution of OpenVINO™ toolkit for accelerated inference to segment robotic tools in an endoscopic surgical video. The PyTorch model won the 2017 MICCAI Robotic Surgery Instrument Segmentation Challenge.
Sign in to try it out
Biomedical Text Mining
Healthcare
This sample showcases the BioBERT transformer-based model designed for biomedical text mining tasks being converted to utilize the Intel® Distribution of OpenVINO™ toolkit and walks through the process of preparing and running with inputs to a BERT model, including tokenization, preparing input masks, and segment ids.
Sign in to try it out
Electrocardiography
Healthcare
This sample showcases a Keras model developed by the Stanford ML group being converted to utilize the Intel® Distribution of OpenVINO™ toolkit to accelerate inference times on streaming electrical activity of the heart gathered from electrodes placed on the skin. The model is used to detect arrhythmias in this PhysioNet 2017 challenge ECG time series data.
Sign in to try it out
Restricted Zone Notifier
Security | Retail
This sample application demonstrates how a smart video IoT solution may be created using Intel® hardware and software tools to perform restricted zone notification. This solution detects any number of people within a video frame and for each person determines whether they have entered into the restricted zone.
Sign in to try it outBenchmark Sample
Basics | General
The Benchmark sample showcases how you can use AWS S3 bucket to upload deep learning models and download them to a local devcloud instance to benchmark on OpenVINO™ supported hardware.
Sign in to try it out
Seismic Interpretation
Industrial
This sample application uses the Intel® Distribution of OpenVINO™ Toolkit to perform inference on the salt model, based on Convolutional neural networks for automated seismic interpretation. This model runs an analysis on seismic amplitude data to identify salt bodies in the Earth's crust.
Sign in to try it out
Weld Porosity
Industrial
Detect Porosity defects in real time for arc welding with end-to-end integrated software and hardware solution. The pre-trained OpenVINO™ action recognition AI model can run on a combination of Intel® Core™, Intel® Movidius™ VPUs and Intel integrated GPU to generate insights from compute intensive Machine Vision inputs, run inference on the vision data, detect Porosity and stop the weld in real time. Based on a, real world solution.
Sign in to try it out
Machine Translation
Basics | General
This tutorial aims to translate text from one language to another. The tutorial covers two models which translate from English to Deutsch and Russian. The models are based on non-autoregressive transformer topology.
Sign in to try it out
Performance Comparison
Basics | General
The performance Comparison sample showcases how a smart video IoT solution may be created using Intel® hardware and software tools to perform object detection. While also demonstrating the impact of data type on model performance.
Sign in to try it out
Formula Recognition
Basics | General
The Formula Recognition Sample aims to convert rendered or photographed latex formulas back to raw latex formulation.
Sign in to try it out
Endoscopy Polyp Segmentation Sample
General | Healthcare
This sample demonstrates a PyTorch polyp segmentation model based on U-NET topology converted to ONNX to utilize Intel Distribution of OpenVINO toolkit for accelerated inference. The solution uses pre-trained model to do binary segmentation to identify polyp tissue on the endoscopy images. The result is a segmentation mask with 2 classes: polyp and background.
Sign in to try it outUp Next:
Roll up your sleeves with our step-by-step instructions on using computer vision at the edge with these advanced Jupyter* Notebook tutorials.