Spaces:
Runtime error
Runtime error
File size: 28,105 Bytes
db5855f |
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 91 92 93 94 95 96 97 98 99 100 101 102 103 104 105 106 107 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123 124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247 248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265 266 267 268 269 270 271 |
# OpenVINO Notebooks
[OpenVINO™ Notebooks at GitHub Pages](https://openvinotoolkit.github.io/openvino_notebooks/)
## AI Trends
- [Video generation with ZeroScope and OpenVINO](./zeroscope-text2video/zeroscope-text2video.ipynb)
- [Convert and Optimize YOLOv9 with OpenVINO™](./yolov9-optimization/yolov9-optimization.ipynb)
- [Convert and Optimize YOLOv8 real-time object detection with OpenVINO™](./yolov8-optimization/yolov8-object-detection.ipynb)
- [YOLOv8 Oriented Bounding Boxes Object Detection with OpenVINO™](./yolov8-optimization/yolov8-obb.ipynb)
- [Convert and Optimize YOLOv8 keypoint detection model with OpenVINO™](./yolov8-optimization/yolov8-keypoint-detection.ipynb)
- [Convert and Optimize YOLOv8 instance segmentation model with OpenVINO™](./yolov8-optimization/yolov8-instance-segmentation.ipynb)
- [Convert and Optimize YOLOv10 with OpenVINO](./yolov10-optimization/yolov10-optimization.ipynb)
- [Image generation with Würstchen and OpenVINO](./wuerstchen-image-generation/wuerstchen-image-generation.ipynb)
- [Post-Training Quantization of OpenAI Whisper model with NNCF](./whisper-subtitles-generation/whisper-nncf-quantize.ipynb)
- [Video Subtitle Generation using Whisper and OpenVINO™](./whisper-subtitles-generation/whisper-convert.ipynb)
- [TripoSR feedforward 3D reconstruction from a single image and OpenVINO](./triposr-3d-reconstruction/triposr-3d-reconstruction.ipynb)
- [Image Generation with Tiny-SD and OpenVINO™](./tiny-sd-image-generation/tiny-sd-image-generation.ipynb)
- [Line-level text detection with Surya](./surya-line-level-text-detection/surya-line-level-text-detection.ipynb)
- [LLM-powered chatbot using Stable-Zephyr-3b and OpenVINO](./stable-zephyr-3b-chatbot/stable-zephyr-3b-chatbot.ipynb)
- [Image to Video Generation with Stable Video Diffusion](./stable-video-diffusion/stable-video-diffusion.ipynb)
- [Image generation with Stable Diffusion XL and OpenVINO](./stable-diffusion-xl/stable-diffusion-xl.ipynb)
- [High-resolution image generation with Segmind-VegaRT and OpenVINO](./stable-diffusion-xl/segmind-vegart.ipynb)
- [Text-to-Image Generation with Stable Diffusion v2 and OpenVINO™](./stable-diffusion-v2/stable-diffusion-v2-text-to-image.ipynb)
- [Stable Diffusion Text-to-Image Demo](./stable-diffusion-v2/stable-diffusion-v2-text-to-image-demo.ipynb)
- [Stable Diffusion v2.1 using Optimum-Intel OpenVINO and multiple Intel Hardware](./stable-diffusion-v2/stable-diffusion-v2-optimum-demo.ipynb)
- [Infinite Zoom Stable Diffusion v2 and OpenVINO™](./stable-diffusion-v2/stable-diffusion-v2-infinite-zoom.ipynb)
- [Stable Diffusion with KerasCV and OpenVINO](./stable-diffusion-keras-cv/stable-diffusion-keras-cv.ipynb)
- [Image Generation with Stable Diffusion and IP-Adapter](./stable-diffusion-ip-adapter/stable-diffusion-ip-adapter.ipynb)
- [Image generation with Stable Cascade and OpenVINO](./stable-cascade-image-generation/stable-cascade-image-generation.ipynb)
- [Sound Generation with AudioLDM2 and OpenVINO™](./sound-generation-audioldm2/sound-generation-audioldm2.ipynb)
- [SoftVC VITS Singing Voice Conversion and OpenVINO™](./softvc-voice-conversion/softvc-voice-conversion.ipynb)
- [Object masks from prompts with SAM and OpenVINO](./segment-anything/segment-anything.ipynb)
- [Single step image generation using SDXL-turbo and OpenVINO](./sdxl-turbo/sdxl-turbo.ipynb)
- [Generate creative QR codes with ControlNet QR Code Monster and OpenVINO™](./qrcode-monster/qrcode-monster.ipynb)
- [Text-to-image generation using PhotoMaker and OpenVINO](./photo-maker/photo-maker.ipynb)
- [Voice tone cloning with OpenVoice and OpenVINO](./openvoice/openvoice.ipynb)
- [Visual-language assistant with nanoLLaVA and OpenVINO](./nano-llava-multimodal-chatbot/nano-llava-multimodal-chatbot.ipynb)
- [Controllable Music Generation with MusicGen and OpenVINO](./music-generation/music-generation.ipynb)
- [Mobile language assistant with MobileVLM and OpenVINO](./mobilevlm-language-assistant/mobilevlm-language-assistant.ipynb)
- [Visual Content Search using MobileCLIP and OpenVINO](./mobileclip-video-search/mobileclip-video-search.ipynb)
- [Magika: AI powered fast and efficient file type identification using OpenVINO](./magika-content-type-recognition/magika-content-type-recognition.ipynb)
- [Create a RAG system using OpenVINO and LangChain](./llm-rag-langchain/llm-rag-langchain.ipynb)
- [LLM Instruction-following pipeline with OpenVINO](./llm-question-answering/llm-question-answering.ipynb)
- [Create an LLM-powered Chatbot using OpenVINO](./llm-chatbot/llm-chatbot.ipynb)
- [Create LLM Agent using OpenVINO](./llm-agent-langchain/llm-agent-langchain.ipynb)
- [Visual-language assistant with LLaVA Next and OpenVINO](./llava-next-multimodal-chatbot/llava-next-multimodal-chatbot.ipynb)
- [Visual-language assistant with Video-LLaVA and OpenVINO](./llava-multimodal-chatbot/videollava-multimodal-chatbot.ipynb)
- [Visual-language assistant with LLaVA and OpenVINO](./llava-multimodal-chatbot/llava-multimodal-chatbot.ipynb)
- [Text-to-Image Generation with LCM LoRA and ControlNet Conditioning](./latent-consistency-models-image-generation/lcm-lora-controlnet.ipynb)
- [Latent Consistency Model using Optimum-Intel OpenVINO](./latent-consistency-models-image-generation/latent-consistency-models-optimum-demo.ipynb)
- [Image generation with Latent Consistency Model and OpenVINO](./latent-consistency-models-image-generation/latent-consistency-models-image-generation.ipynb)
- [Kosmos-2: Multimodal Large Language Model and OpenVINO](./kosmos2-multimodal-large-language-model/kosmos2-multimodal-large-language-model.ipynb)
- [Image Editing with InstructPix2Pix and OpenVINO](./instruct-pix2pix-image-editing/instruct-pix2pix-image-editing.ipynb)
- [InstantID: Zero-shot Identity-Preserving Generation using OpenVINO](./instant-id/instant-id.ipynb)
- [Binding multimodal data using ImageBind and OpenVINO](./image-bind/image-bind.ipynb)
- [Object detection and masking from prompts with GroundedSAM (GroundingDINO + SAM) and OpenVINO](./grounded-segment-anything/grounded-segment-anything.ipynb)
- [Frame interpolation using FILM and OpenVINO](./film-slowmo/film-slowmo.ipynb)
- [Object segmentations with FastSAM and OpenVINO](./fast-segment-anything/fast-segment-anything.ipynb)
- [Object segmentations with EfficientSAM and OpenVINO](./efficient-sam/efficient-sam.ipynb)
- [Animating Open-domain Images with DynamiCrafter and OpenVINO](./dynamicrafter-animating-images/dynamicrafter-animating-images.ipynb)
- [Instruction following using Databricks Dolly 2.0 and OpenVINO](./dolly-2-instruction-following/dolly-2-instruction-following.ipynb)
- [Automatic speech recognition using Distil-Whisper and OpenVINO](./distil-whisper-asr/distil-whisper-asr.ipynb)
- [Depth estimation with DepthAnything and OpenVINO](./depth-anything/depth-anything.ipynb)
- [Image generation with DeciDiffusion and OpenVINO](./decidiffusion-image-generation/decidiffusion-image-generation.ipynb)
- [Text-to-Image Generation with ControlNet Conditioning](./controlnet-stable-diffusion/controlnet-stable-diffusion.ipynb)
- [Zero-shot Image Classification with OpenAI CLIP and OpenVINO™](./clip-zero-shot-image-classification/clip-zero-shot-classification.ipynb)
- [Visual Question Answering and Image Captioning using BLIP and OpenVINO](./blip-visual-language-processing/blip-visual-language-processing.ipynb)
- [Text-to-speech generation using Bark and OpenVINO](./bark-text-to-audio/bark-text-to-audio.ipynb)
- [Image-to-Video synthesis with AnimateAnyone and OpenVINO](./animate-anyone/animate-anyone.ipynb)
## API Overview
- [Quantize Speech Recognition Models with accuracy control using NNCF PTQ API](./quantizing-model-with-accuracy-control/speech-recognition-quantization-wav2vec2.ipynb)
- [Post-Training Quantization of PyTorch models with NNCF](./pytorch-post-training-quantization-nncf/pytorch-post-training-quantization-nncf.ipynb)
- [Optimize Preprocessing](./optimize-preprocessing/optimize-preprocessing.ipynb)
- [OpenVINO Tokenizers: Incorporate Text Processing Into OpenVINO Pipelines](./openvino-tokenizers/openvino-tokenizers.ipynb)
- [Working with Open Model Zoo Models](./model-tools/model-tools.ipynb)
- [Hello Model Server](./model-server/model-server.ipynb)
- [Quantize NLP models with Post-Training Quantization in NNCF](./language-quantize-bert/language-quantize-bert.ipynb)
- [Quantization of Image Classification Models](./image-classification-quantization/image-classification-quantization.ipynb)
- [🤗 Hugging Face Model Hub with OpenVINO™](./hugging-face-hub/hugging-face-hub.ipynb)
- [Hello NPU](./hello-npu/hello-npu.ipynb)
- [Working with GPUs in OpenVINO™](./gpu-device/gpu-device.ipynb)
- [OpenVINO™ model conversion API](./convert-to-openvino/legacy-mo-convert-to-openvino.ipynb)
- [OpenVINO™ Model conversion](./convert-to-openvino/convert-to-openvino.ipynb)
- [Big Transfer Image Classification Model Quantization pipeline with NNCF](./big-transfer-quantization/tensorflow-bit-image-classification-nncf-quantization.ipynb)
- [Automatic Device Selection with OpenVINO™](./auto-device/auto-device.ipynb)
- [Asynchronous Inference with OpenVINO™](./async-api/async-api.ipynb)
## Convert
- [Classification with ConvNeXt and OpenVINO](./torchvision-zoo-to-openvino/convnext-classification.ipynb)
- [Convert a Tensorflow Lite Model to OpenVINO™](./tflite-to-openvino/tflite-to-openvino.ipynb)
- [Convert a TensorFlow Object Detection Model to OpenVINO™](./tensorflow-object-detection-to-openvino/tensorflow-object-detection-to-openvino.ipynb)
- [Convert a TensorFlow Instance Segmentation Model to OpenVINO™](./tensorflow-object-detection-to-openvino/tensorflow-instance-segmentation-to-openvino.ipynb)
- [Convert of TensorFlow Hub models to OpenVINO Intermediate Representation (IR)](./tensorflow-hub/tensorflow-hub.ipynb)
- [Convert a TensorFlow Model to OpenVINO™](./tensorflow-classification-to-openvino/tensorflow-classification-to-openvino.ipynb)
- [Line-level text detection with Surya](./surya-line-level-text-detection/surya-line-level-text-detection.ipynb)
- [Convert and Optimize YOLOv8 with OpenVINO™](./quantizing-model-with-accuracy-control/yolov8-quantization-with-accuracy-control.ipynb)
- [Convert a PyTorch Model to OpenVINO™ IR](./pytorch-to-openvino/pytorch-to-openvino.ipynb)
- [Convert a PyTorch Model to ONNX and OpenVINO™ IR](./pytorch-to-openvino/pytorch-onnx-to-openvino.ipynb)
- [Convert a PaddlePaddle Model to OpenVINO™ IR](./paddle-to-openvino/paddle-to-openvino-classification.ipynb)
- [Voice tone cloning with OpenVoice and OpenVINO](./openvoice/openvoice.ipynb)
- [OpenVINO Tokenizers: Incorporate Text Processing Into OpenVINO Pipelines](./openvino-tokenizers/openvino-tokenizers.ipynb)
- [Working with Open Model Zoo Models](./model-tools/model-tools.ipynb)
- [Object detection and masking from prompts with GroundedSAM (GroundingDINO + SAM) and OpenVINO](./grounded-segment-anything/grounded-segment-anything.ipynb)
- [Convert Detectron2 Models to OpenVINO™](./detectron2-to-openvino/detectron2-to-openvino.ipynb)
- [Quantize a Segmentation Model and Show Live Inference](./ct-segmentation-quantize/ct-segmentation-quantize-nncf.ipynb)
- [OpenVINO™ model conversion API](./convert-to-openvino/legacy-mo-convert-to-openvino.ipynb)
- [OpenVINO™ Model conversion](./convert-to-openvino/convert-to-openvino.ipynb)
## Explainable AI
- [Language-Visual Saliency with CLIP and OpenVINO™](./clip-language-saliency-map/clip-language-saliency-map.ipynb)
## First Steps
- [OpenVINO™ Runtime API Tutorial](./openvino-api/openvino-api.ipynb)
- [Hello Image Classification](./hello-world/hello-world.ipynb)
- [Hello Image Segmentation](./hello-segmentation/hello-segmentation.ipynb)
- [Hello Object Detection](./hello-detection/hello-detection.ipynb)
## Live Demos
- [Style Transfer with OpenVINO™](./style-transfer-webcam/style-transfer.ipynb)
- [Live Human Pose Estimation with OpenVINO™](./pose-estimation-webcam/pose-estimation.ipynb)
- [Person Tracking with OpenVINO™](./person-tracking-webcam/person-tracking.ipynb)
- [Person Counting System using YOLOV8 and OpenVINO™](./person-counting-webcam/person-counting.ipynb)
- [PaddleOCR with OpenVINO™](./paddle-ocr-webcam/paddle-ocr-webcam.ipynb)
- [Voice tone cloning with OpenVoice and OpenVINO](./openvoice/openvoice.ipynb)
- [Live Object Detection with OpenVINO™](./object-detection-webcam/object-detection.ipynb)
- [Object detection and masking from prompts with GroundedSAM (GroundingDINO + SAM) and OpenVINO](./grounded-segment-anything/grounded-segment-anything.ipynb)
- [Quantize a Segmentation Model and Show Live Inference](./ct-segmentation-quantize/ct-segmentation-quantize-nncf.ipynb)
- [Human Action Recognition with OpenVINO™](./action-recognition-webcam/action-recognition-webcam.ipynb)
- [Live 3D Human Pose Estimation with OpenVINO](./3D-pose-estimation-webcam/3D-pose-estimation.ipynb)
## Model Demos
- [Video generation with ZeroScope and OpenVINO](./zeroscope-text2video/zeroscope-text2video.ipynb)
- [Convert and Optimize YOLOv9 with OpenVINO™](./yolov9-optimization/yolov9-optimization.ipynb)
- [Convert and Optimize YOLOv8 real-time object detection with OpenVINO™](./yolov8-optimization/yolov8-object-detection.ipynb)
- [YOLOv8 Oriented Bounding Boxes Object Detection with OpenVINO™](./yolov8-optimization/yolov8-obb.ipynb)
- [Convert and Optimize YOLOv8 keypoint detection model with OpenVINO™](./yolov8-optimization/yolov8-keypoint-detection.ipynb)
- [Convert and Optimize YOLOv8 instance segmentation model with OpenVINO™](./yolov8-optimization/yolov8-instance-segmentation.ipynb)
- [Convert and Optimize YOLOv7 with OpenVINO™](./yolov7-optimization/yolov7-optimization.ipynb)
- [Convert and Optimize YOLOv10 with OpenVINO](./yolov10-optimization/yolov10-optimization.ipynb)
- [Image generation with Würstchen and OpenVINO](./wuerstchen-image-generation/wuerstchen-image-generation.ipynb)
- [Post-Training Quantization of OpenAI Whisper model with NNCF](./whisper-subtitles-generation/whisper-nncf-quantize.ipynb)
- [Video Subtitle Generation using Whisper and OpenVINO™](./whisper-subtitles-generation/whisper-convert.ipynb)
- [Super Resolution with PaddleGAN and OpenVINO™](./vision-paddlegan-superresolution/vision-paddlegan-superresolution.ipynb)
- [Photos to Anime with PaddleGAN and OpenVINO](./vision-paddlegan-anime/vision-paddlegan-anime.ipynb)
- [Monodepth Estimation with OpenVINO](./vision-monodepth/vision-monodepth.ipynb)
- [Image Colorization with OpenVINO](./vision-image-colorization/vision-image-colorization.ipynb)
- [Image Background Removal with U^2-Net and OpenVINO™](./vision-background-removal/vision-background-removal.ipynb)
- [Vehicle Detection And Recognition with OpenVINO™](./vehicle-detection-and-recognition/vehicle-detection-and-recognition.ipynb)
- [Typo Detector with OpenVINO™](./typo-detector/typo-detector.ipynb)
- [TripoSR feedforward 3D reconstruction from a single image and OpenVINO](./triposr-3d-reconstruction/triposr-3d-reconstruction.ipynb)
- [Image Generation with Tiny-SD and OpenVINO™](./tiny-sd-image-generation/tiny-sd-image-generation.ipynb)
- [Selfie Segmentation using TFLite and OpenVINO](./tflite-selfie-segmentation/tflite-selfie-segmentation.ipynb)
- [Text Prediction with OpenVINO™](./text-prediction/text-prediction.ipynb)
- [Table Question Answering using TAPAS and OpenVINO™](./table-question-answering/table-question-answering.ipynb)
- [Line-level text detection with Surya](./surya-line-level-text-detection/surya-line-level-text-detection.ipynb)
- [LLM-powered chatbot using Stable-Zephyr-3b and OpenVINO](./stable-zephyr-3b-chatbot/stable-zephyr-3b-chatbot.ipynb)
- [Image to Video Generation with Stable Video Diffusion](./stable-video-diffusion/stable-video-diffusion.ipynb)
- [Image generation with Stable Diffusion XL and OpenVINO](./stable-diffusion-xl/stable-diffusion-xl.ipynb)
- [High-resolution image generation with Segmind-VegaRT and OpenVINO](./stable-diffusion-xl/segmind-vegart.ipynb)
- [Text-to-Image Generation with Stable Diffusion v2 and OpenVINO™](./stable-diffusion-v2/stable-diffusion-v2-text-to-image.ipynb)
- [Stable Diffusion Text-to-Image Demo](./stable-diffusion-v2/stable-diffusion-v2-text-to-image-demo.ipynb)
- [Stable Diffusion v2.1 using Optimum-Intel OpenVINO and multiple Intel Hardware](./stable-diffusion-v2/stable-diffusion-v2-optimum-demo.ipynb)
- [Infinite Zoom Stable Diffusion v2 and OpenVINO™](./stable-diffusion-v2/stable-diffusion-v2-infinite-zoom.ipynb)
- [Stable Diffusion v2.1 using OpenVINO TorchDynamo backend](./stable-diffusion-torchdynamo-backend/stable-diffusion-torchdynamo-backend.ipynb)
- [Text-to-Image Generation with Stable Diffusion and OpenVINO™](./stable-diffusion-text-to-image/stable-diffusion-text-to-image.ipynb)
- [Stable Diffusion with KerasCV and OpenVINO](./stable-diffusion-keras-cv/stable-diffusion-keras-cv.ipynb)
- [Image Generation with Stable Diffusion and IP-Adapter](./stable-diffusion-ip-adapter/stable-diffusion-ip-adapter.ipynb)
- [Image generation with Stable Cascade and OpenVINO](./stable-cascade-image-generation/stable-cascade-image-generation.ipynb)
- [Speech to Text with OpenVINO™](./speech-to-text/speech-to-text.ipynb)
- [Text Generation via Speculative Sampling, KV Caching, and OpenVINO™](./speculative-sampling/speculative-sampling.ipynb)
- [Sound Generation with AudioLDM2 and OpenVINO™](./sound-generation-audioldm2/sound-generation-audioldm2.ipynb)
- [SoftVC VITS Singing Voice Conversion and OpenVINO™](./softvc-voice-conversion/softvc-voice-conversion.ipynb)
- [One Step Sketch to Image translation with pix2pix-turbo and OpenVINO](./sketch-to-image-pix2pix-turbo/sketch-to-image-pix2pix-turbo.ipynb)
- [Zero-shot Image Classification with SigLIP](./siglip-zero-shot-image-classification/siglip-zero-shot-image-classification.ipynb)
- [Object masks from prompts with SAM and OpenVINO](./segment-anything/segment-anything.ipynb)
- [Single step image generation using SDXL-turbo and OpenVINO](./sdxl-turbo/sdxl-turbo.ipynb)
- [Text-to-Video retrieval with S3D MIL-NCE and OpenVINO](./s3d-mil-nce-text-to-video-retrieval/s3d-mil-nce-text-to-video-retrieval.ipynb)
- [Background removal with RMBG v1.4 and OpenVINO](./rmbg-background-removal/rmbg-background-removal.ipynb)
- [Text-to-Music generation using Riffusion and OpenVINO](./riffusion-text-to-music/riffusion-text-to-music.ipynb)
- [Generate creative QR codes with ControlNet QR Code Monster and OpenVINO™](./qrcode-monster/qrcode-monster.ipynb)
- [Speaker diarization](./pyannote-speaker-diarization/pyannote-speaker-diarization.ipynb)
- [Document Visual Question Answering Using Pix2Struct and OpenVINO™](./pix2struct-docvqa/pix2struct-docvqa.ipynb)
- [Text-to-image generation using PhotoMaker and OpenVINO](./photo-maker/photo-maker.ipynb)
- [Paint By Example: Exemplar-based Image Editing with Diffusion Models](./paint-by-example/paint-by-example.ipynb)
- [Optical Character Recognition (OCR) with OpenVINO™](./optical-character-recognition/optical-character-recognition.ipynb)
- [Voice tone cloning with OpenVoice and OpenVINO](./openvoice/openvoice.ipynb)
- [Universal Segmentation with OneFormer and OpenVINO](./oneformer-segmentation/oneformer-segmentation.ipynb)
- [Visual-language assistant with nanoLLaVA and OpenVINO](./nano-llava-multimodal-chatbot/nano-llava-multimodal-chatbot.ipynb)
- [Named entity recognition with OpenVINO™](./named-entity-recognition/named-entity-recognition.ipynb)
- [Controllable Music Generation with MusicGen and OpenVINO](./music-generation/music-generation.ipynb)
- [Mobile language assistant with MobileVLM and OpenVINO](./mobilevlm-language-assistant/mobilevlm-language-assistant.ipynb)
- [Visual Content Search using MobileCLIP and OpenVINO](./mobileclip-video-search/mobileclip-video-search.ipynb)
- [MMS: Scaling Speech Technology to 1000+ languages with OpenVINO™](./mms-massively-multilingual-speech/mms-massively-multilingual-speech.ipynb)
- [Industrial Meter Reader](./meter-reader/meter-reader.ipynb)
- [Magika: AI powered fast and efficient file type identification using OpenVINO](./magika-content-type-recognition/magika-content-type-recognition.ipynb)
- [Create a RAG system using OpenVINO and LangChain](./llm-rag-langchain/llm-rag-langchain.ipynb)
- [LLM Instruction-following pipeline with OpenVINO](./llm-question-answering/llm-question-answering.ipynb)
- [Create an LLM-powered Chatbot using OpenVINO](./llm-chatbot/llm-chatbot.ipynb)
- [Create LLM Agent using OpenVINO](./llm-agent-langchain/llm-agent-langchain.ipynb)
- [Visual-language assistant with LLaVA Next and OpenVINO](./llava-next-multimodal-chatbot/llava-next-multimodal-chatbot.ipynb)
- [Visual-language assistant with Video-LLaVA and OpenVINO](./llava-multimodal-chatbot/videollava-multimodal-chatbot.ipynb)
- [Visual-language assistant with LLaVA and OpenVINO](./llava-multimodal-chatbot/llava-multimodal-chatbot.ipynb)
- [Text-to-Image Generation with LCM LoRA and ControlNet Conditioning](./latent-consistency-models-image-generation/lcm-lora-controlnet.ipynb)
- [Latent Consistency Model using Optimum-Intel OpenVINO](./latent-consistency-models-image-generation/latent-consistency-models-optimum-demo.ipynb)
- [Image generation with Latent Consistency Model and OpenVINO](./latent-consistency-models-image-generation/latent-consistency-models-image-generation.ipynb)
- [Kosmos-2: Multimodal Large Language Model and OpenVINO](./kosmos2-multimodal-large-language-model/kosmos2-multimodal-large-language-model.ipynb)
- [OpenVINO optimizations for Knowledge graphs](./knowledge-graphs-conve/knowledge-graphs-conve.ipynb)
- [Image Editing with InstructPix2Pix and OpenVINO](./instruct-pix2pix-image-editing/instruct-pix2pix-image-editing.ipynb)
- [InstantID: Zero-shot Identity-Preserving Generation using OpenVINO](./instant-id/instant-id.ipynb)
- [Image In-painting with OpenVINO™](./image-inpainting/image-inpainting.ipynb)
- [Binding multimodal data using ImageBind and OpenVINO](./image-bind/image-bind.ipynb)
- [Handwritten Chinese and Japanese OCR with OpenVINO™](./handwritten-ocr/handwritten-ocr.ipynb)
- [Object detection and masking from prompts with GroundedSAM (GroundingDINO + SAM) and OpenVINO](./grounded-segment-anything/grounded-segment-anything.ipynb)
- [Grammatical Error Correction with OpenVINO](./grammar-correction/grammar-correction.ipynb)
- [High-Quality Text-Free One-Shot Voice Conversion with FreeVC and OpenVINO™](./freevc-voice-conversion/freevc-voice-conversion.ipynb)
- [Frame interpolation using FILM and OpenVINO](./film-slowmo/film-slowmo.ipynb)
- [Object segmentations with FastSAM and OpenVINO](./fast-segment-anything/fast-segment-anything.ipynb)
- [Audio compression with EnCodec and OpenVINO](./encodec-audio-compression/encodec-audio-compression.ipynb)
- [Object segmentations with EfficientSAM and OpenVINO](./efficient-sam/efficient-sam.ipynb)
- [Animating Open-domain Images with DynamiCrafter and OpenVINO](./dynamicrafter-animating-images/dynamicrafter-animating-images.ipynb)
- [Instruction following using Databricks Dolly 2.0 and OpenVINO](./dolly-2-instruction-following/dolly-2-instruction-following.ipynb)
- [Sentiment Analysis with OpenVINO™](./distilbert-sequence-classification/distilbert-sequence-classification.ipynb)
- [Automatic speech recognition using Distil-Whisper and OpenVINO](./distil-whisper-asr/distil-whisper-asr.ipynb)
- [Depth estimation with DepthAnything and OpenVINO](./depth-anything/depth-anything.ipynb)
- [Image generation with DeciDiffusion and OpenVINO](./decidiffusion-image-generation/decidiffusion-image-generation.ipynb)
- [Cross-lingual Books Alignment with Transformers and OpenVINO™](./cross-lingual-books-alignment/cross-lingual-books-alignment.ipynb)
- [Text-to-Image Generation with ControlNet Conditioning](./controlnet-stable-diffusion/controlnet-stable-diffusion.ipynb)
- [Zero-shot Image Classification with OpenAI CLIP and OpenVINO™](./clip-zero-shot-image-classification/clip-zero-shot-classification.ipynb)
- [Language-Visual Saliency with CLIP and OpenVINO™](./clip-language-saliency-map/clip-language-saliency-map.ipynb)
- [Visual Question Answering and Image Captioning using BLIP and OpenVINO](./blip-visual-language-processing/blip-visual-language-processing.ipynb)
- [Text-to-speech generation using Bark and OpenVINO](./bark-text-to-audio/bark-text-to-audio.ipynb)
- [Image-to-Video synthesis with AnimateAnyone and OpenVINO](./animate-anyone/animate-anyone.ipynb)
- [Lightweight image generation with aMUSEd and OpenVINO](./amused-lightweight-text-to-image/amused-lightweight-text-to-image.ipynb)
- [Part Segmentation of 3D Point Clouds with OpenVINO™](./3D-segmentation-point-clouds/3D-segmentation-point-clouds.ipynb)
## Model Training
- [Quantization Aware Training with NNCF, using TensorFlow Framework](./tensorflow-quantization-aware-training/tensorflow-quantization-aware-training.ipynb)
- [Quantization-Sparsity Aware Training with NNCF, using PyTorch framework](./pytorch-quantization-sparsity-aware-training/pytorch-quantization-sparsity-aware-training.ipynb)
- [Quantization Aware Training with NNCF, using PyTorch framework](./pytorch-quantization-aware-training/pytorch-quantization-aware-training.ipynb)
## Optimize
- [Quantization Aware Training with NNCF, using TensorFlow Framework](./tensorflow-quantization-aware-training/tensorflow-quantization-aware-training.ipynb)
- [Quantize Wav2Vec Speech Recognition Model using NNCF PTQ API](./speech-recognition-quantization/speech-recognition-quantization-wav2vec2.ipynb)
- [Quantize Data2Vec Speech Recognition Model using NNCF PTQ API](./speech-recognition-quantization/speech-recognition-quantization-data2vec.ipynb)
- [Accelerate Inference of Sparse Transformer Models with OpenVINO™ and 4th Gen Intel® Xeon® Scalable Processors](./sparsity-optimization/sparsity-optimization.ipynb)
- [Convert and Optimize YOLOv8 with OpenVINO™](./quantizing-model-with-accuracy-control/yolov8-quantization-with-accuracy-control.ipynb)
- [Quantize Speech Recognition Models with accuracy control using NNCF PTQ API](./quantizing-model-with-accuracy-control/speech-recognition-quantization-wav2vec2.ipynb)
- [Quantization-Sparsity Aware Training with NNCF, using PyTorch framework](./pytorch-quantization-sparsity-aware-training/pytorch-quantization-sparsity-aware-training.ipynb)
- [Quantization Aware Training with NNCF, using PyTorch framework](./pytorch-quantization-aware-training/pytorch-quantization-aware-training.ipynb)
- [Post-Training Quantization of PyTorch models with NNCF](./pytorch-post-training-quantization-nncf/pytorch-post-training-quantization-nncf.ipynb)
- [Optimize Preprocessing](./optimize-preprocessing/optimize-preprocessing.ipynb)
- [Voice tone cloning with OpenVoice and OpenVINO](./openvoice/openvoice.ipynb)
- [OpenVINO Tokenizers: Incorporate Text Processing Into OpenVINO Pipelines](./openvino-tokenizers/openvino-tokenizers.ipynb)
- [Quantize NLP models with Post-Training Quantization in NNCF](./language-quantize-bert/language-quantize-bert.ipynb)
- [OpenVINO optimizations for Knowledge graphs](./knowledge-graphs-conve/knowledge-graphs-conve.ipynb)
- [Quantization of Image Classification Models](./image-classification-quantization/image-classification-quantization.ipynb)
- [Object detection and masking from prompts with GroundedSAM (GroundingDINO + SAM) and OpenVINO](./grounded-segment-anything/grounded-segment-anything.ipynb)
- [Quantize a Segmentation Model and Show Live Inference](./ct-segmentation-quantize/ct-segmentation-quantize-nncf.ipynb)
- [Big Transfer Image Classification Model Quantization pipeline with NNCF](./big-transfer-quantization/tensorflow-bit-image-classification-nncf-quantization.ipynb)
|