From a5f6308d3c263c9001d69bdaa08ffac22ece003e Mon Sep 17 00:00:00 2001 From: Sebastian Golebiewski Date: Mon, 26 Feb 2024 16:16:43 +0100 Subject: [PATCH] [DOCS] Update Interactive Tutorials with the selector tool (#23088) Updating Interactive Tutorials: redesigning section page and adding the selector tool from https://github.com/openvinotoolkit/openvino/pull/22965 --------- Co-authored-by: Yaroslav Tarkan --- .../interactive-tutorials-python.rst | 124 +--- .../notebooks-section-0-first-steps.rst | 38 -- ...tebooks-section-1-convert-and-optimize.rst | 206 ------- .../notebooks-section-2-model-demos.rst | 572 ------------------ .../notebooks-section-3-model-training.rst | 37 -- .../notebooks-section-4-live-demos.rst | 55 -- docs/nbdoc/consts.py | 18 +- docs/nbdoc/nbdoc.py | 44 +- docs/sphinx_setup/_static/css/custom.css | 27 +- .../_static/images/launch_in_binder.svg | 3 + .../_static/images/open_in_colab.svg | 3 + .../_static/images/view_on_github.svg | 3 + 12 files changed, 79 insertions(+), 1051 deletions(-) delete mode 100644 docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-0-first-steps.rst delete mode 100644 docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-1-convert-and-optimize.rst delete mode 100644 docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-2-model-demos.rst delete mode 100644 docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-3-model-training.rst delete mode 100644 docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-4-live-demos.rst create mode 100644 docs/sphinx_setup/_static/images/launch_in_binder.svg create mode 100644 docs/sphinx_setup/_static/images/open_in_colab.svg create mode 100644 docs/sphinx_setup/_static/images/view_on_github.svg diff --git a/docs/articles_en/learn-openvino/interactive-tutorials-python.rst b/docs/articles_en/learn-openvino/interactive-tutorials-python.rst index 700793becd45a9..8a9e58011981bd 100644 --- a/docs/articles_en/learn-openvino/interactive-tutorials-python.rst +++ b/docs/articles_en/learn-openvino/interactive-tutorials-python.rst @@ -3,12 +3,11 @@ Interactive Tutorials (Python) ============================== - .. _notebook tutorials: .. meta:: - :description: Run Python tutorials on Jupyter notebooks to learn how to use OpenVINO™ toolkit for optimized - deep learning inference. + :description: Run Python tutorials on Jupyter notebooks to learn how to use OpenVINO™ + toolkit for optimized deep learning inference. .. toctree:: @@ -17,112 +16,27 @@ Interactive Tutorials (Python) :hidden: notebooks_installation - notebooks_section_0_get_started - notebooks_section_1_convert__optimize - notebooks_section_2_model_demos - notebooks_section_3_model_training - notebooks_section_4_live_demos - - - -This collection of Python tutorials are written for running on Jupyter notebooks. -The tutorials provide an introduction to the OpenVINO™ toolkit and explain how to -use the Python API and tools for optimized deep learning inference. You can run the -code one section at a time to see how to integrate your application with OpenVINO -libraries. - -Notebooks with |binder logo| and |colab logo| buttons can be run without installing anything. -Once you have found the tutorial of your interest, just click the button next to -its name and the Jupyter notebook will start it in a new tab of a browser. - -.. note:: - - `Binder `__ and `Google Colab `__ - are free online services with limited resources. For the best performance - and more control, you should run the notebooks locally. Follow the - :doc:`Installation Guide ` in order to get information - on how to run and manage the notebooks on your machine. - - -More examples along with additional details regarding OpenVINO Notebooks are available in -OpenVINO™ Notebooks `Github Repository. `__ - -The Jupyter notebooks are categorized into following classes: - -- :doc:`First steps with OpenVINO ` -- :doc:`Convert & Optimize ` -- :doc:`Model Demos ` -- :doc:`Model Training ` -- :doc:`Live Demos ` - - -Below you will find a selection of recommended tutorials that demonstrate inference on a particular model. These tutorials are guaranteed to provide a great experience with inference in OpenVINO: - - -.. showcase:: - :title: 284-openvoice - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/284-openvoice/284-openvoice.png - Voice tone cloning with OpenVoice and OpenVINO. -.. showcase:: - :title: 283-photo-maker - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/283-photo-maker/283-photo-maker.gif +Jupyter notebooks show how to use various OpenVINO features to run optimized deep learning +inference with Python. Notebooks with |binder logo| and |colab logo| buttons can be run in the +browser, no installation required. Just choose a tutorial and click the button. - Text-to-image generation using PhotoMaker and OpenVINO. +`Binder `__ and `Google Colab `__ +are free online services with limited resources. For the best performance +and more control, you should run the notebooks locally. Follow the +:doc:`Installation Guide ` in order to get information +on how to run and manage the notebooks on your system. -.. showcase:: - :title: 281-kosmos2-multimodal-large-language-model - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/281-kosmos2-multimodal-large-language-model/281-kosmos2-multimodal-large-language-model.png +.. raw:: html - Kosmos-2: Multimodal Large Language Model and OpenVINO. - -.. showcase:: - :title: 280-depth-anything - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/280-depth-anything/280-depth-anything.gif - - Depth estimation with DepthAnything and OpenVINO. - -.. showcase:: - :title: 279-mobilevlm-language-assistant - :img: _static/images/notebook_eye.png - - Mobile language assistant with MobileVLM and OpenVINO. - -.. showcase:: - :title: 278-stable-diffusion-ip-adapter - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/278-stable-diffusion-ip-adapter/278-stable-diffusion-ip-adapter.png - - Image Generation with Stable Diffusion and IP-Adapter. - -.. showcase:: - :title: 275-llm-question-answering - :img: _static/images/notebook_eye.png - - LLM Instruction-following pipeline with OpenVINO. - -.. showcase:: - :title: 274-efficient-sam - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/274-efficient-sam/274-efficient-sam.png - - Object segmentations with EfficientSAM and OpenVINO. - -.. showcase:: - :title: 273-stable-zephyr-3b-chatbot - :img: _static/images/notebook_eye.png - - LLM-powered chatbot using Stable-Zephyr-3b and OpenVINO. - - -.. showcase:: - :title: 272-paint-by-example - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/272-paint-by-example/272-paint-by-example.png - - Paint by Example using Stable Diffusion and OpenVINO. + + .. note:: - If there are any issues while running the notebooks, refer to the **Troubleshooting** and **FAQ** sections in the :doc:`Installation Guide ` or start a GitHub + If you have any issues with the notebooks, refer to the **Troubleshooting** and **FAQ** + sections in the :doc:`Installation Guide ` or start a GitHub `discussion `__. @@ -134,10 +48,10 @@ Additional Resources * `Google Colab `__ -.. |binder logo| image:: https://mybinder.org/badge_logo.svg +.. |binder logo| image:: _static/images/launch_in_binder.svg + :class: notebook-badge-p :alt: Binder button -.. |colab logo| image:: https://colab.research.google.com/assets/colab-badge.svg - :width: 109 +.. |colab logo| image:: _static/images/open_in_colab.svg + :class: notebook-badge-p :alt: Google Colab button - diff --git a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-0-first-steps.rst b/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-0-first-steps.rst deleted file mode 100644 index 45d1bd9581bd3a..00000000000000 --- a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-0-first-steps.rst +++ /dev/null @@ -1,38 +0,0 @@ -.. {#notebooks_section_0_get_started} - -First steps with OpenVINO -========================= - - -.. toctree:: - :maxdepth: 1 - :hidden: - - -Brief tutorials that demonstrate how to use Python API for inference in OpenVINO. - - -.. showcase:: - :title: 004-hello-detection - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/004-hello-detection/004-hello-detection.png - - Text detection with OpenVINO. - -.. showcase:: - :title: 003-hello-segmentation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/003-hello-segmentation/003-hello-segmentation.png - - Semantic segmentation with OpenVINO. - -.. showcase:: - :title: 002-openvino-api - :img: _static/images/notebook_eye.png - - Learn the OpenVINO Python API. - -.. showcase:: - :title: 001-hello-world - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/001-hello-world/001-hello-world.png - - Classify an image with OpenVINO. - diff --git a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-1-convert-and-optimize.rst b/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-1-convert-and-optimize.rst deleted file mode 100644 index 4a3f4c26ccfbc7..00000000000000 --- a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-1-convert-and-optimize.rst +++ /dev/null @@ -1,206 +0,0 @@ -.. {#notebooks_section_1_convert__optimize} - -Convert & Optimize -================== - - -.. toctree:: - :maxdepth: 1 - :hidden: - - -Tutorials that explain how to optimize and quantize models with OpenVINO tools. - -.. showcase:: - :title: 127-tensorflow-bit-image-classification-nncf-quantization - :img: _static/images/notebook_eye.png - - BiT Image Classification OpenVINO IR model Quantization with NNCF. - -.. showcase:: - :title: 126-tensorflow-hub - :img: _static/images/notebook_eye.png - - Convert TensorFlow Hub models to OpenVINO Intermediate Representation (IR). - -.. showcase:: - :title: 125-lraspp-segmentation - :img: _static/images/notebook_eye.png - - Semantic segmentation with LRASPP MobileNet v3 and OpenVINO - -.. showcase:: - :title: 125-convnext-classification - :img: _static/images/notebook_eye.png - - Classification with ConvNeXt and OpenVINO. - -.. showcase:: - :title: 124-hugging-face-hub - :img: _static/images/notebook_eye.png - - Hugging Face Model Hub with OpenVINO™. - -.. showcase:: - :title: 123-detectron2-to-openvino - :img: _static/images/notebook_eye.png - - Convert Detectron2 Models to OpenVINO™. - -.. showcase:: - :title: 122-yolov8-quantization-with-accuracy-control - :img: _static/images/notebook_eye.png - - Convert and Optimize YOLOv8 with OpenVINO™. - -.. showcase:: - :title: 122-speech-recognition-quantization-wav2vec2 - :img: _static/images/notebook_eye.png - - Quantize Speech Recognition Models with accuracy control using NNCF PTQ API. - -.. showcase:: - :title: 121-legacy-mo-convert-to-openvino - :img: _static/images/notebook_eye.png - - Learn about OpenVINO™ model conversion API. - -.. showcase:: - :title: 121-convert-to-openvino - :img: _static/images/notebook_eye.png - - Learn about model conversion in OpenVINO™. - -.. showcase:: - :title: 120-tensorflow-object-detection-to-openvino - :img: _static/images/notebook_eye.png - - Convert TensorFlow Object Detection models to OpenVINO IR. - -.. showcase:: - :title: 119-tflite-to-openvino - :img: _static/images/notebook_eye.png - - Convert TensorFlow Lite models to OpenVINO IR. - -.. showcase:: - :title: 118-optimize-preprocessing - :img: _static/images/notebook_eye.png - - Improve performance of image preprocessing step. - -.. showcase:: - :title: 117-model-server - :img: _static/images/notebook_eye.png - - Improve performance of sparse Transformer models. - -.. showcase:: - :title: 116-sparsity-optimization - :img: _static/images/notebook_eye.png - - Improve performance of sparse Transformer models. - -.. showcase:: - :title: 115-async-api - :img: _static/images/notebook_eye.png - - Use asynchronous execution to improve data pipelining. - -.. showcase:: - :title: 113-image-classification-quantization - :img: _static/images/notebook_eye.png - - Quantize MobileNet image classification. - -.. showcase:: - :title: 112-pytorch-post-training-quantization-nncf - :img: _static/images/notebook_eye.png - - Use Neural Network Compression Framework (NNCF) to quantize PyTorch model in post-training mode (without model fine-tuning). - -.. showcase:: - :title: 110-ct-segmentation-quantize-nncf - :img: _static/images/notebook_eye.png - - Quantize a kidney segmentation model and show live inference. - -.. showcase:: - :title: 110-ct-scan-live-inference - :img: _static/images/notebook_eye.png - - Live inference of a kidney segmentation model and benchmark CT-scan data with OpenVINO. - -.. showcase:: - :title: 109-throughput-tricks - :img: _static/images/notebook_eye.png - - Performance tricks for throughput mode in OpenVINO™. - -.. showcase:: - :title: 109-latency-tricks - :img: _static/images/notebook_eye.png - - Performance tricks for latency mode in OpenVINO™. - -.. showcase:: - :title: 108-gpu-device - :img: _static/images/notebook_eye.png - - Working with GPUs in OpenVINO™ - -.. showcase:: - :title: 107-speech-recognition-quantization-data2vec - :img: _static/images/notebook_eye.png - - Optimize and quantize a pre-trained Data2Vec speech model. - -.. showcase:: - :title: 107-speech-recognition-quantization-wav2vec2 - :img: _static/images/notebook_eye.png - - Optimize and quantize a pre-trained Wav2Vec2 speech model. - -.. showcase:: - :title: 106-auto-device - :img: _static/images/notebook_eye.png - - Demonstrates how to use AUTO Device. - -.. showcase:: - :title: 105-language-quantize-bert - :img: _static/images/notebook_eye.png - - Optimize and quantize a pre-trained BERT model. - -.. showcase:: - :title: 104-model-tools - :img: _static/images/notebook_eye.png - - Download, convert and benchmark models from Open Model Zoo. - -.. showcase:: - :title: 103-paddle-onnx-to-openvino - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/103-paddle-to-openvino/103-paddle-to-openvino-classification.png - - Convert PaddlePaddle models to OpenVINO IR. - -.. showcase:: - :title: 102-pytorch-to-openvino - :img: _static/images/notebook_eye.png - - Convert PyTorch models to OpenVINO IR. - -.. showcase:: - :title: 102-pytorch-onnx-to-openvino - :img: _static/images/notebook_eye.png - - Convert PyTorch models to OpenVINO IR. - -.. showcase:: - :title: 101-tensorflow-classification-to-openvino - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/101-tensorflow-classification-to-openvino/101-tensorflow-classification-to-openvino.png - - Convert TensorFlow models to OpenVINO IR. - - diff --git a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-2-model-demos.rst b/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-2-model-demos.rst deleted file mode 100644 index 716dffba35712b..00000000000000 --- a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-2-model-demos.rst +++ /dev/null @@ -1,572 +0,0 @@ -.. {#notebooks_section_2_model_demos} - -Model Demos -=========== - - -.. toctree:: - :maxdepth: 1 - :hidden: - - -Demos that demonstrate inference on a particular model. - - -.. showcase:: - :title: 284-openvoice - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/284-openvoice/284-openvoice.png - - Voice tone cloning with OpenVoice and OpenVINO. - -.. showcase:: - :title: 283-photo-maker - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/283-photo-maker/283-photo-maker.gif - - Text-to-image generation using PhotoMaker and OpenVINO. - -.. showcase:: - :title: 282-siglip-zero-shot-image-classification - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/228-clip-zero-shot-image-classification/228-clip-zero-shot-convert.png - - Zero-shot Image Classification with SigLIP. - -.. showcase:: - :title: 281-kosmos2-multimodal-large-language-model - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/281-kosmos2-multimodal-large-language-model/281-kosmos2-multimodal-large-language-model.png - - Kosmos-2: Multimodal Large Language Model and OpenVINO. - -.. showcase:: - :title: 280-depth-anything - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/280-depth-anything/280-depth-anything.gif - - Depth estimation with DepthAnything and OpenVINO. - -.. showcase:: - :title: 279-mobilevlm-language-assistant - :img: _static/images/notebook_eye.png - - Mobile language assistant with MobileVLM and OpenVINO. - -.. showcase:: - :title: 278-stable-diffusion-ip-adapter - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/278-stable-diffusion-ip-adapter/278-stable-diffusion-ip-adapter.png - - Image Generation with Stable Diffusion and IP-Adapter. - -.. showcase:: - :title: 277-amused-lightweight-text-to-image - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/277-amused-lightweight-text-to-image/277-amused-lightweight-text-to-image.png - - Lightweight image generation with aMUSEd and OpenVINO. - -.. showcase:: - :title: 276-stable-diffusion-torchdynamo-backend - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/276-stable-diffusion-torchdynamo-backend/276-stable-diffusion-torchdynamo-backend.png - - Image Generation with Stable Diffusion using OpenVINO TorchDynamo backend. - -.. showcase:: - :title: 275-llm-question-answering - :img: _static/images/notebook_eye.png - - LLM Instruction-following pipeline with OpenVINO. - -.. showcase:: - :title: 274-efficient-sam - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/274-efficient-sam/274-efficient-sam.png - - Object segmentations with EfficientSAM and OpenVINO. - -.. showcase:: - :title: 273-stable-zephyr-3b-chatbot - :img: _static/images/notebook_eye.png - - LLM-powered chatbot using Stable-Zephyr-3b and OpenVINO. - -.. showcase:: - :title: 272-paint-by-example - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/272-paint-by-example/272-paint-by-example.png - - Paint by Example using Stable Diffusion and OpenVINO. - -.. showcase:: - :title: 271-sdxl-turbo - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/271-sdxl-turbo/271-sdxl-turbo.png - - Single step image generation using SDXL-turbo and OpenVINO. - -.. showcase:: - :title: 270-sound-generation-audioldm2 - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/270-sound-generation-audioldm2/270-sound-generation-audioldm2.png - -.. showcase:: - :title: 269-film-slowmo - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/269-film-slowmo/269-film-slowmo.gif - - Frame interpolation using FILM and OpenVINO. - -.. showcase:: - :title: 268-table-question-answering - :img: _static/images/notebook_eye.png - - Table Question Answering using TAPAS and OpenVINO. - -.. showcase:: - :title: 267-distil-whisper-asr - :img: _static/images/notebook_eye.png - - Automatic speech recognition using Distil-Whisper and OpenVINO. - -.. showcase:: - :title: 266-speculative-sampling - :img: _static/images/notebook_eye.png - - Text Generation via Speculative Sampling, KV Caching, and OpenVINO. - -.. showcase:: - :title: 265-wuerstchen-image-generation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/265-wuerstchen-image-generation/265-wuerstchen-image-generation.png - - Image generation with Würstchen and OpenVINO. - -.. showcase:: - :title: 264-qrcode-monster - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/264-qrcode-monster/264-qrcode-monster.png - - Generate creative QR codes with ControlNet QR Code Monster and OpenVINO. - -.. showcase:: - :title: 263-latent-consistency-models-image-generation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/263-latent-consistency-models-image-generation/263-latent-consistency-models-image-generation.png - - Image generation with Latent Consistency Model and OpenVINO. - -.. showcase:: - :title: 263-lcm-lora-controlnet - :img: https://user-images.githubusercontent.com/29454499/284292122-f146e16d-7233-49f7-a401-edcb714b5288.png - - Text-to-Image Generation with LCM LoRA and ControlNet Conditioning. - -.. showcase:: - :title: 262-softvc-voice-conversion - :img: _static/images/notebook_eye.png - - SoftVC VITS Singing Voice Conversion and OpenVINO. - -.. showcase:: - :title: 261-fast-segment-anything - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/261-fast-segment-anything/261-fast-segment-anything.gif - - Object segmentation with FastSAM and OpenVINO. - -.. showcase:: - :title: 259-decidiffusion-image-generation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/259-decidiffusion-image-generation/259-decidiffusion-image-generation.png - - Image generation with DeciDiffusion and OpenVINO. - -.. showcase:: - :title: 258-blip-diffusion-subject-generation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/258-blip-diffusion-subject-generation/258-blip-diffusion-subject-generation.png - - Subject-driven image generation and editing using BLIP Diffusion and OpenVINO. - -.. showcase:: - :title: 257-llava-multimodal-chatbot - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/257-llava-multimodal-chatbot/257-llava-multimodal-chatbot.png - - Visual-language assistant with LLaVA and OpenVINO. - -.. showcase:: - :title: 257-videollava-multimodal-chatbot.ipynb - :img: _static/images/notebook_eye.png - - Visual-language assistant with Video-LLaVA and OpenVINO. - -.. showcase:: - :title: 256-bark-text-to-audio - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/256-bark-text-to-audio/256-bark-text-to-audio.png - - Text-to-speech generation using Bark and OpenVINO. - -.. showcase:: - :title: 254-rag-chatbot - :img: _static/images/notebook_eye.png - - Create an LLM-powered RAG system using OpenVINO. - -.. showcase:: - :title: 254-llm-chatbot - :img: _static/images/notebook_eye.png - - Create an LLM-powered Chatbot using OpenVINO. - -.. showcase:: - :title: 253-zeroscope-text2video - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/253-zeroscope-text2video/253-zeroscope-text2video.gif - - Text-to video synthesis with ZeroScope and OpenVINO™. - -.. showcase:: - :title: 252-fastcomposer-image-generation - :img: _static/images/notebook_eye.png - - Image generation with FastComposer and OpenVINO™. - -.. showcase:: - :title: 251-tiny-sd-image-generation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/251-tiny-sd-image-generation/251-tiny-sd-image-generation.png - - Image Generation with Tiny-SD and OpenVINO™. - -.. showcase:: - :title: 250-music-generation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/250-music-generation/250-music-generation.png - - Controllable Music Generation with MusicGen and OpenVINO™. - -.. showcase:: - :title: 249-oneformer-segmentation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/249-oneformer-segmentation/249-oneformer-segmentation.png - - Universal segmentation with OneFormer and OpenVINO™. - -.. showcase:: - :title: 248-segmind-vegart - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/248-stable-diffusion-xl/248-stable-diffusion-xl.png - - High-resolution image generation with Segmind-VegaRT and OpenVINO. - -.. showcase:: - :title: 248-ssd-b1 - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/248-stable-diffusion-xl/248-stable-diffusion-xl.png - - Image generation with Stable Diffusion XL and OpenVINO™. - -.. showcase:: - :title: 248-stable-diffusion-xl - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/248-stable-diffusion-xl/248-stable-diffusion-xl.png - - Image generation with Stable Diffusion XL and OpenVINO™. - -.. showcase:: - :title: 247-code-language-id - :img: _static/images/notebook_eye.png - - Identify the programming language used in an arbitrary code snippet. - -.. showcase:: - :title: 246-depth-estimation-videpth - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/246-depth-estimation-videpth/246-depth-estimation-videpth.png - - Monocular Visual-Inertial Depth Estimation with OpenVINO™. - -.. showcase:: - :title: 245-typo-detector - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/245-typo-detector/245-typo-detector.png - - English Typo Detection in sentences with OpenVINO™. - -.. showcase:: - :title: 244-named-entity-recognition - :img: _static/images/notebook_eye.png - - Named entity recognition with OpenVINO™. - -.. showcase:: - :title: 243-tflite-selfie-segmentation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/243-tflite-selfie-segmentation/243-tflite-selfie-segmentation.gif - - Selfie Segmentation using TFLite and OpenVINO™. - -.. showcase:: - :title: 242-freevc-voice-conversion - :img: _static/images/notebook_eye.png - - High-Quality Text-Free One-Shot Voice Conversion with FreeVC and OpenVINO™ - -.. showcase:: - :title: 241-riffusion-text-to-music - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/241-riffusion-text-to-music/241-riffusion-text-to-music.png - - Text-to-Music generation using Riffusion and OpenVINO™. - -.. showcase:: - :title: 240-dolly-2-instruction-following - :img: _static/images/notebook_eye.png - - Instruction following using Databricks Dolly 2.0 and OpenVINO™. - -.. showcase:: - :title: 239-image-bind-convert - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/239-image-bind/239-image-bind-convert.png - - Binding multimodal data, using ImageBind and OpenVINO™. - -.. showcase:: - :title: 238-deep-floyd-if-optimize - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/238-deepfloyd-if/238-deep-floyd-if-optimize.png - - Text-to-image generation with DeepFloyd IF and OpenVINO™. - -.. showcase:: - :title: 237-segment-anything - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/237-segment-anything/237-segment-anything.png - - Prompt based object segmentation mask generation, using Segment Anything and OpenVINO™. - -.. showcase:: - :title: 236-stable-diffusion-v2-text-to-image - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/236-stable-diffusion-v2/236-stable-diffusion-v2-optimum-demo.png - - Text-to-image generation with Stable Diffusion v2 and OpenVINO™. - -.. showcase:: - :title: 236-stable-diffusion-v2-text-to-image-demo - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/236-stable-diffusion-v2/236-stable-diffusion-v2-optimum-demo.png - - Stable Diffusion Text-to-Image Demo. - -.. showcase:: - :title: 236-stable-diffusion-v2-optimum-demo - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/236-stable-diffusion-v2/236-stable-diffusion-v2-optimum-demo.png - - Stable Diffusion v2.1 using Optimum-Intel OpenVINO. - -.. showcase:: - :title: 236-stable-diffusion-v2-optimum-demo-comparison - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/236-stable-diffusion-v2/236-stable-diffusion-v2-optimum-demo.png - - Stable Diffusion v2.1 using Optimum-Intel OpenVINO and multiple Intel Hardware - -.. showcase:: - :title: 236-stable-diffusion-v2-infinite-zoom - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/236-stable-diffusion-v2/236-stable-diffusion-v2-infinite-zoom.gif - - Text-to-image generation and Infinite Zoom with Stable Diffusion v2 and OpenVINO™. - -.. showcase:: - :title: 235-controlnet-stable-diffusion - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/235-controlnet-stable-diffusion/235-controlnet-stable-diffusion.png - - A text-to-image generation with ControlNet Conditioning and OpenVINO™. - -.. showcase:: - :title: 234-encodec-audio-compression - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/234-encodec-audio-compression/234-encodec-audio-compression.png - - Audio compression with EnCodec and OpenVINO™. - -.. showcase:: - :title: 233-blip-convert - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/233-blip-visual-language-processing/233-blip-convert.png - - Visual Question Answering and Image Captioning using BLIP and OpenVINO. - -.. showcase:: - :title: 233-blip-optimize - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/233-blip-visual-language-processing/233-blip-convert.png - - Post-Training Quantization and Weights Compression of OpenAI BLIP model with NNCF. - -.. showcase:: - :title: 232-clip-language-saliency-map - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/232-clip-language-saliency-map/232-clip-language-saliency-map.png - - Language-visual saliency with CLIP and OpenVINO™. - -.. showcase:: - :title: 231-instruct-pix2pix-image-editing - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/231-instruct-pix2pix-image-editing/231-instruct-pix2pix-image-editing.png - - Image editing with InstructPix2Pix. - -.. showcase:: - :title: 230-yolov8-optimization - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/230-yolov8-optimization/230-yolov8-object-detection.png - - Optimize YOLOv8, using NNCF PTQ API. - -.. showcase:: - :title: 229-distilbert-sequence-classification - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/229-distilbert-sequence-classification/229-distilbert-sequence-classification.png - - Sequence classification with OpenVINO. - -.. showcase:: - :title: 228-clip-zero-shot-quantize - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/228-clip-zero-shot-image-classification/228-clip-zero-shot-quantize.png - - Post-Training Quantization of OpenAI CLIP model with NNCF. - -.. showcase:: - :title: 228-clip-zero-shot-convert - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/228-clip-zero-shot-image-classification/228-clip-zero-shot-convert.png - - Zero-shot Image Classification with OpenAI CLIP and OpenVINO™. - -.. showcase:: - :title: 227-whisper-subtitles-generation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/227-whisper-subtitles-generation/227-whisper-convert.png - - Generate subtitles for video with OpenAI Whisper and OpenVINO. - -.. showcase:: - :title: 226-yolov7-optimization - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/226-yolov7-optimization/226-yolov7-optimization.png - - Optimize YOLOv7, using NNCF PTQ API. - -.. showcase:: - :title: 225-stable-diffusion-text-to-image - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/225-stable-diffusion-text-to-image/225-stable-diffusion-text-to-image.png - - Text-to-image generation with Stable Diffusion method. - -.. showcase:: - :title: 224-3D-segmentation-point-clouds - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/224-3D-segmentation-point-clouds/224-3D-segmentation-point-clouds.png - - Process point cloud data and run 3D Part Segmentation with OpenVINO. - -.. showcase:: - :title: 223-text-prediction - :img: _static/images/notebook_eye.png - - Use pre-trained models to perform text prediction on an input sequence. - -.. showcase:: - :title: 222-vision-image-colorization - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/222-vision-image-colorization/222-vision-image-colorization.png - - Use pre-trained models to colorize black & white images using OpenVINO. - -.. showcase:: - :title: 221-machine-translation - :img: _static/images/notebook_eye.png - - Real-time translation from English to German. - -.. showcase:: - :title: 220-cross-lingual-books-alignment - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/220-cross-lingual-books-alignment/220-cross-lingual-books-alignment.png - - Cross-lingual Books Alignment With Transformers and OpenVINO™ - -.. showcase:: - :title: 219-knowledge-graphs-conve - :img: _static/images/notebook_eye.png - - Optimize the knowledge graph embeddings model (ConvE) with OpenVINO. - -.. showcase:: - :title: 218-vehicle-detection-and-recognition - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/218-vehicle-detection-and-recognition/218-vehicle-detection-and-recognition.png - - Use pre-trained models to detect and recognize vehicles and their attributes with OpenVINO. - - -.. showcase:: - :title: 216-attention-center - :img: _static/images/notebook_eye.png - - The attention center model with OpenVINO™ - -.. showcase:: - :title: 215-image-inpainting - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/215-image-inpainting/215-image-inpainting.gif - - Fill missing pixels with image in-painting. - -.. showcase:: - :title: 214-grammar-correction - :img: _static/images/notebook_eye.png - - Grammatical error correction with OpenVINO. - -.. showcase:: - :title: 213-question-answering - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/213-question-answering/213-question-answering.png - - Answer your questions basing on a context. - -.. showcase:: - :title: 212-pyannote-speaker-diarization - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/212-pyannote-speaker-diarization/212-pyannote-speaker-diarization.png - - Run inference on speaker diarization pipeline. - -.. showcase:: - :title: 211-speech-to-text - :img: _static/images/notebook_eye.png - - Run inference on speech-to-text recognition model. - -.. showcase:: - :title: 210-slowfast-video-recognition - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/210-slowfast-video-recognition/210-slowfast-video-recognition.gif - - Video Recognition using SlowFast and OpenVINO™ - -.. showcase:: - :title: 209-handwritten-ocrn - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/209-handwritten-ocr/209-handwritten-ocr.png - - OCR for handwritten simplified Chinese and Japanese. - -.. showcase:: - :title: 208-optical-character-recognition - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/208-optical-character-recognition/208-optical-character-recognition.png - - Annotate text on images using text recognition resnet. - -.. showcase:: - :title: 207-vision-paddlegan-superresolution - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/207-vision-paddlegan-superresolution/207-vision-paddlegan-superresolution.png - - Upscale small images with superresolution using a PaddleGAN model. - -.. showcase:: - :title: 206-vision-paddlegan-anime - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/206-vision-paddlegan-anime/206-vision-paddlegan-anime.png - - Turn an image into anime using a GAN. - -.. showcase:: - :title: 205-vision-background-removal - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/205-vision-background-removal/205-vision-background-removal.png - - Background Removal Demo. - -.. showcase:: - :title: 204-segmenter-semantic-segmentation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/204-segmenter-semantic-segmentation/204-segmenter-semantic-segmentation.png - - Semantic segmentation with OpenVINO™ using Segmenter. - -.. showcase:: - :title: 203-meter-reader - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/203-meter-reader/203-meter-reader.png - - PaddlePaddle pre-trained models to read industrial meter’s value. - -.. showcase:: - :title: 202-vision-superresolution-video - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/202-vision-superresolution/202-vision-superresolution-video.gif - - Turn 360p into 1080p video using a super resolution model. - -.. showcase:: - :title: 202-vision-superresolution-image - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/202-vision-superresolution/202-vision-superresolution-image.png - - Upscale raw images with a super resolution model. - -.. showcase:: - :title: 201-vision-monodepth - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/201-vision-monodepth/201-vision-monodepth.gif - - Monocular depth estimation with images and video. - - diff --git a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-3-model-training.rst b/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-3-model-training.rst deleted file mode 100644 index 834051bffa5a02..00000000000000 --- a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-3-model-training.rst +++ /dev/null @@ -1,37 +0,0 @@ -.. {#notebooks_section_3_model_training} - -Model Training -============== - - -.. toctree:: - :maxdepth: 1 - :hidden: - - -Tutorials that include code to train neural networks. - -.. showcase:: - :title: 305-tensorflow-quantization-aware-training - :img: _static/images/notebook_eye.png - - Use Neural Network Compression Framework (NNCF) to quantize TensorFlow model. - -.. showcase:: - :title: 302-pytorch-quantization-aware-training - :img: _static/images/notebook_eye.png - - Use Neural Network Compression Framework (NNCF) to quantize PyTorch model. - -.. showcase:: - :title: 301-tensorflow-training-openvino - :img: _static/images/notebook_eye.png - - From Training to Deployment with TensorFlow and OpenVINO™. - -.. showcase:: - :title: 301-tensorflow-training-openvino-nncf - :img: _static/images/notebook_eye.png - - Use Neural Network Compression Framework (NNCF) to quantize model from TensorFlow - diff --git a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-4-live-demos.rst b/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-4-live-demos.rst deleted file mode 100644 index 6bd7a57d129dc9..00000000000000 --- a/docs/articles_en/learn-openvino/interactive-tutorials-python/notebooks-section-4-live-demos.rst +++ /dev/null @@ -1,55 +0,0 @@ -.. {#notebooks_section_4_live_demos} - -Live Demos -========== - - -.. toctree:: - :maxdepth: 1 - :hidden: - - -Live inference demos that run on a webcam or video files. - -.. showcase:: - :title: 407-person-tracking - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/407-person-tracking-webcam/407-person-tracking.gif - - Person tracking with a webcam or video file. - -.. showcase:: - :title: 406-3D-pose-estimation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/406-3D-pose-estimation-webcam/406-3D-pose-estimation.gif - - 3D display of human pose estimation with a webcam or video file. - -.. showcase:: - :title: 405-paddle-ocr-webcam - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/405-paddle-ocr-webcam/405-paddle-ocr-webcam.gif - - OCR with a webcam or video file. - -.. showcase:: - :title: 404-style-transfer - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/404-style-transfer-webcam/404-style-transfer.gif - - Style transfer with a webcam or video file. - -.. showcase:: - :title: 403-action-recognition-webcam - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/403-action-recognition-webcam/403-action-recognition-webcam.gif - - Human action recognition with a webcam or video file. - -.. showcase:: - :title: 402-pose-estimation - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/402-pose-estimation-webcam/402-pose-estimation.gif - - Human pose estimation with a webcam or video file. - -.. showcase:: - :title: 401-object-detection - :img: https://raw.githubusercontent.com/openvinotoolkit/openvino_notebooks/main/notebooks/401-object-detection-webcam/401-object-detection.gif - - Object detection with a webcam or video file. - diff --git a/docs/nbdoc/consts.py b/docs/nbdoc/consts.py index 5ab6060fde2b3d..82294d41680f5d 100644 --- a/docs/nbdoc/consts.py +++ b/docs/nbdoc/consts.py @@ -1,4 +1,5 @@ from pathlib import Path +import base64 notebooks_path = "notebooks" repo_directory = "notebooks" @@ -13,11 +14,18 @@ file_with_binder_notebooks = Path('../../docs/notebooks/notebooks_with_binder_buttons.txt').resolve(strict=True) file_with_colab_notebooks = Path('../../docs/notebooks/notebooks_with_colab_buttons.txt').resolve(strict=True) openvino_notebooks_ipynb_list = Path('../../docs/notebooks/all_notebooks_paths.txt').resolve(strict=True) -binder_image_source = "https://mybinder.org/badge_logo.svg" -colab_image_source = "https://colab.research.google.com/assets/colab-badge.svg" -github_image_source = "https://badgen.net/badge/icon/github?icon=github&label" - -# Templates +binder_image_source = Path('../../docs/sphinx_setup/_static/images/launch_in_binder.svg').resolve(strict=True) +binder_image_source_data = open(binder_image_source, 'rb').read() +binder_image_source_data_base64 = base64.b64encode(binder_image_source_data) +binder_image_base64 = binder_image_source_data_base64.decode() +colab_image_source = Path('../../docs/sphinx_setup/_static/images/open_in_colab.svg').resolve(strict=True) +colab_image_source_data = open(colab_image_source, 'rb').read() +colab_image_source_data_base64 = base64.b64encode(colab_image_source_data) +colab_image_base64 = colab_image_source_data_base64.decode() +github_image_source = Path('../../docs/sphinx_setup/_static/images/view_on_github.svg').resolve(strict=True) +github_image_source_data = open(github_image_source, 'rb').read() +github_image_source_data_base64 = base64.b64encode(github_image_source_data) +github_image_base64 = github_image_source_data_base64.decode() binder_colab_template = """ This Jupyter notebook can be launched on-line, opening an interactive environment in a browser window. diff --git a/docs/nbdoc/nbdoc.py b/docs/nbdoc/nbdoc.py index 42516e497bcc08..ea7407fcc19da6 100644 --- a/docs/nbdoc/nbdoc.py +++ b/docs/nbdoc/nbdoc.py @@ -21,9 +21,9 @@ notebooks_repo, notebooks_binder, notebooks_colab, - binder_image_source, - colab_image_source, - github_image_source, + binder_image_base64, + colab_image_base64, + github_image_base64, ) from notebook import Notebook @@ -66,24 +66,19 @@ def fetch_colab_list(colab_list_file) -> list: list_of_cbuttons = file.read().splitlines() return list_of_cbuttons - -def add_glob_directive(): +def add_glob_directive(tutorials_file): """This function modifies toctrees of the five node articles in tutorials section. It adds the notebooks found in docs/notebooks directory to the menu. """ - tutorials_path = Path('../../docs/articles_en/learn-openvino/interactive-tutorials-python').resolve(strict=True) - tutorials_files = [x for x in os.listdir(tutorials_path) if re.match("notebooks-section-[0-9]{1}.*?\.rst", x)] - for tutorials_file in tutorials_files: - file_name = os.path.join(tutorials_path, tutorials_file) - with open(file_name, 'r+', encoding='cp437') as section_file: - section_number = ''.join(c for c in str(tutorials_file) if c.isdigit()) - read_file = section_file.read() - if ':glob:' not in read_file: - add_glob = read_file\ - .replace(":hidden:\n", ":hidden:\n :glob:\n :reversed:\n\n notebooks/" + section_number +"*\n") - section_file.seek(0) - section_file.write(add_glob) - section_file.truncate() + with open(tutorials_file, 'r+', encoding='cp437') as mainfile: + readfile = mainfile.read() + if ':glob:' not in readfile: + add_glob = readfile\ + .replace(":hidden:\n", ":hidden:\n :glob:\n")\ + .replace("notebooks_installation\n", "notebooks_installation\n notebooks/*\n") + mainfile.seek(0) + mainfile.write(add_glob) + mainfile.truncate() class NbTravisDownloader: @staticmethod @@ -175,14 +170,14 @@ def add_binder(self, buttons_list: list, cbuttons_list: list, template_with_cola repo_owner + "/" + repo_name + "#-installation-guide' target='_blank' title='Install " + \ notebook_item + " locally'>local installation \n\n" binder_badge = ".. raw:: html\n\n Binder\n\n" + nb_path + "' target='_blank' title='Launch " + notebook_item + \ + " in Binder'>Binder\n\n" colab_badge = ".. raw:: html\n\n Google Colab\n\n" + nb_path + "' target='_blank' title='Open " + notebook_item + \ + " in Google Colab'>Google Colab\n\n" github_badge = ".. raw:: html\n\n Github

\n\n" + " on Github'>Github

\n\n" binder_data = { "owner": repo_owner, @@ -215,7 +210,8 @@ def main(): sourcedir = args.sourcedir outdir = args.outdir - add_glob_directive() + main_tutorials_file = Path('../../docs/articles_en/learn-openvino/interactive-tutorials-python.rst').resolve(strict=True) + add_glob_directive(main_tutorials_file) if args.download: outdir.mkdir(parents=True, exist_ok=True) diff --git a/docs/sphinx_setup/_static/css/custom.css b/docs/sphinx_setup/_static/css/custom.css index 7091e346e5a818..7234909a2df28a 100644 --- a/docs/sphinx_setup/_static/css/custom.css +++ b/docs/sphinx_setup/_static/css/custom.css @@ -23,6 +23,15 @@ pre { background-color: #efefef; } +.notebook-badge { + margin-right: 3px; +} + +.notebook-badge-p { + height: 25px!important; + width: auto!important; + margin-right: 3px; +} /* cookie wap requirement */ a#wap_dns {display: none;} @@ -76,7 +85,7 @@ a#wap_dns {display: none;} padding-left: 4px; padding-bottom: 6px; margin: 0 0 0 0; - + } .sd-tab-content .sd-tab-content { @@ -90,7 +99,7 @@ a#wap_dns {display: none;} /* Navigation panels override */ /* =================================================== */ /* Hide home item in the top bar */ -ul#navbar-main-elements li:first-of-type { +ul#navbar-main-elements li:first-of-type { display: none; } @@ -99,7 +108,7 @@ ul#navbar-main-elements li:first-of-type { text-decoration: underline; } -ul#navbar-main-elements > li:hover { +ul#navbar-main-elements > li:hover { text-decoration: underline; color: #fff; } @@ -172,7 +181,7 @@ details.sd-dropdown .sd-summary-title { min-width: 125px!important; } -[aria-labelledby="version-selector"] .dropdown-item { +[aria-labelledby="version-selector"] .dropdown-item { padding: 0.25rem 0.5rem!important; } @@ -277,18 +286,18 @@ body { } .tocsection { border-left: 0px solid #eee; - + } .section-nav { border-left: 0px solid #eee; - + } /* Responsiveness */ /* =================================================== */ @media (min-width: 1200px) { - .container, + .container, .container-lg, .container-md, .container-sm, @@ -567,7 +576,7 @@ body { } .modal-content-grid p { - font-size: 0.6rem; + font-size: 0.6rem; } .modal-content-grid-container .column { @@ -1071,7 +1080,7 @@ table#model-accuracy-and-perf-int8-fp32-table td.data { .newsletter-submit-btn:before { font-family: "Font Awesome 5 Free"; - content: "\f0e0\00a0"; + content: "\f0e0\00a0"; font-size: 1rem; } diff --git a/docs/sphinx_setup/_static/images/launch_in_binder.svg b/docs/sphinx_setup/_static/images/launch_in_binder.svg new file mode 100644 index 00000000000000..6ae6b2a5439654 --- /dev/null +++ b/docs/sphinx_setup/_static/images/launch_in_binder.svg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d99b51cd92c7f461682023a805646f2b30dd072c55f1e94e1dd600cbe6fa42de +size 11845 diff --git a/docs/sphinx_setup/_static/images/open_in_colab.svg b/docs/sphinx_setup/_static/images/open_in_colab.svg new file mode 100644 index 00000000000000..ab3824f7d5a4a2 --- /dev/null +++ b/docs/sphinx_setup/_static/images/open_in_colab.svg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb1c469bd170dbeb4eb6df9583e4506b0dff3a3c8c136b3a7f5ec4e176e4eac2 +size 9620 diff --git a/docs/sphinx_setup/_static/images/view_on_github.svg b/docs/sphinx_setup/_static/images/view_on_github.svg new file mode 100644 index 00000000000000..d2f78346989d1e --- /dev/null +++ b/docs/sphinx_setup/_static/images/view_on_github.svg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9997308d00c0b0e765f5fc66bf110cc2676ade8b4b467ad733a74ceb7bdb118 +size 8241