Skip to content

Commit 4d3a534

Browse files
[DOCS] Updating Interactive Tutorials (#26947)
Updating the notebooks section in docs.
1 parent 0882ff6 commit 4d3a534

File tree

199 files changed

+9151
-3102
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

199 files changed

+9151
-3102
lines changed

docs/nbdoc/consts.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -6,7 +6,7 @@
66
repo_owner = "openvinotoolkit"
77
repo_name = "openvino_notebooks"
88
repo_branch = "tree/main"
9-
artifacts_link = "http://repository.toolbox.iotg.sclab.intel.com/projects/ov-notebook/0.1.0-latest/20240923220849/dist/rst_files/"
9+
artifacts_link = "http://repository.toolbox.iotg.sclab.intel.com/projects/ov-notebook/0.1.0-latest/20241007220823/dist/rst_files/"
1010
blacklisted_extensions = ['.xml', '.bin']
1111
notebooks_repo = "https://github.com/openvinotoolkit/openvino_notebooks/blob/latest/"
1212
notebooks_binder = "https://mybinder.org/v2/gh/openvinotoolkit/openvino_notebooks/HEAD?filepath="

docs/notebooks/3D-pose-estimation-with-output.rst

+140
Large diffs are not rendered by default.

docs/notebooks/3D-segmentation-point-clouds-with-output.rst

+2-2
Original file line numberDiff line numberDiff line change
@@ -227,7 +227,7 @@ chair for example.
227227
228228
.. parsed-literal::
229229
230-
/tmp/ipykernel_60730/2434168836.py:12: UserWarning: No data for colormapping provided via 'c'. Parameters 'cmap' will be ignored
230+
/tmp/ipykernel_59833/2434168836.py:12: UserWarning: No data for colormapping provided via 'c'. Parameters 'cmap' will be ignored
231231
ax.scatter3D(X, Y, Z, s=5, cmap="jet", marker="o", label="chair")
232232
233233
@@ -321,7 +321,7 @@ select device from dropdown list for running inference using OpenVINO
321321
322322
.. parsed-literal::
323323
324-
/tmp/ipykernel_60730/2804603389.py:23: UserWarning: No data for colormapping provided via 'c'. Parameters 'cmap' will be ignored
324+
/tmp/ipykernel_59833/2804603389.py:23: UserWarning: No data for colormapping provided via 'c'. Parameters 'cmap' will be ignored
325325
ax.scatter(XCur, YCur, ZCur, s=5, cmap="jet", marker="o", label=classes[i])
326326
327327

docs/notebooks/all_notebooks_paths.txt

+9
Original file line numberDiff line numberDiff line change
@@ -68,6 +68,7 @@ notebooks/llm-rag-llamaindex/llm-rag-llamaindex.ipynb
6868
notebooks/magika-content-type-recognition/magika-content-type-recognition.ipynb
6969
notebooks/meter-reader/meter-reader.ipynb
7070
notebooks/minicpm-v-multimodal-chatbot/minicpm-v-multimodal-chatbot.ipynb
71+
notebooks/mllama-3.2/mllama-3.2.ipynb
7172
notebooks/mms-massively-multilingual-speech/mms-massively-multilingual-speech.ipynb
7273
notebooks/mobileclip-video-search/mobileclip-video-search.ipynb
7374
notebooks/mobilevlm-language-assistant/mobilevlm-language-assistant.ipynb
@@ -93,6 +94,7 @@ notebooks/phi-3-vision/phi-3-vision.ipynb
9394
notebooks/photo-maker/photo-maker.ipynb
9495
notebooks/pix2struct-docvqa/pix2struct-docvqa.ipynb
9596
notebooks/pixart/pixart.ipynb
97+
notebooks/pixtral/pixtral.ipynb
9698
notebooks/pose-estimation-webcam/pose-estimation.ipynb
9799
notebooks/pytorch-post-training-quantization-nncf/pytorch-post-training-quantization-nncf.ipynb
98100
notebooks/pytorch-quantization-aware-training/pytorch-quantization-aware-training.ipynb
@@ -107,6 +109,8 @@ notebooks/qwen2-vl/qwen2-vl.ipynb
107109
notebooks/riffusion-text-to-music/riffusion-text-to-music.ipynb
108110
notebooks/rmbg-background-removal/rmbg-background-removal.ipynb
109111
notebooks/s3d-mil-nce-text-to-video-retrieval/s3d-mil-nce-text-to-video-retrieval.ipynb
112+
notebooks/sam2-image-segmentation/segment-anything-2-image.ipynb
113+
notebooks/sam2-video-segmentation/segment-anything-2-video.ipynb
110114
notebooks/sdxl-turbo/sdxl-turbo.ipynb
111115
notebooks/segment-anything/segment-anything.ipynb
112116
notebooks/siglip-zero-shot-image-classification/siglip-zero-shot-image-classification.ipynb
@@ -149,9 +153,14 @@ notebooks/typo-detector/typo-detector.ipynb
149153
notebooks/vehicle-detection-and-recognition/vehicle-detection-and-recognition.ipynb
150154
notebooks/vision-background-removal/vision-background-removal.ipynb
151155
notebooks/vision-monodepth/vision-monodepth.ipynb
156+
notebooks/wav2lip/wav2lip.ipynb
157+
notebooks/whisper-asr-genai/whisper-asr-genai.ipynb
152158
notebooks/whisper-subtitles-generation/whisper-subtitles-generation.ipynb
153159
notebooks/wuerstchen-image-generation/wuerstchen-image-generation.ipynb
154160
notebooks/yolov10-optimization/yolov10-optimization.ipynb
161+
notebooks/yolov11-optimization/yolov11-instance-segmentation.ipynb
162+
notebooks/yolov11-optimization/yolov11-keypoint-detection.ipynb
163+
notebooks/yolov11-optimization/yolov11-object-detection.ipynb
155164
notebooks/yolov8-optimization/yolov8-instance-segmentation.ipynb
156165
notebooks/yolov8-optimization/yolov8-keypoint-detection.ipynb
157166
notebooks/yolov8-optimization/yolov8-obb.ipynb

docs/notebooks/amused-lightweight-text-to-image-with-output.rst

+26-26
Large diffs are not rendered by default.

docs/notebooks/animate-anyone-with-output.rst

+17-15
Large diffs are not rendered by default.

docs/notebooks/async-api-with-output.rst

+3-3
Original file line numberDiff line numberDiff line change
@@ -355,7 +355,7 @@ Test performance in Sync Mode
355355
.. parsed-literal::
356356
357357
Source ended
358-
average throuput in sync mode: 62.96 fps
358+
average throuput in sync mode: 63.95 fps
359359
360360
361361
Async Mode
@@ -494,7 +494,7 @@ Test the performance in Async Mode
494494
.. parsed-literal::
495495
496496
Source ended
497-
average throuput in async mode: 105.40 fps
497+
average throuput in async mode: 108.46 fps
498498
499499
500500
Compare the performance
@@ -637,5 +637,5 @@ Test the performance with ``AsyncInferQueue``
637637

638638
.. parsed-literal::
639639
640-
average throughput in async mode with async infer queue: 140.92 fps
640+
average throughput in async mode with async infer queue: 144.01 fps
641641
Loading

docs/notebooks/auto-device-with-output.rst

+23-23
Original file line numberDiff line numberDiff line change
@@ -200,16 +200,16 @@ By default, ``compile_model`` API will select **AUTO** as
200200
201201
.. parsed-literal::
202202
203-
[23:33:07.3079]I[plugin.cpp:421][AUTO] device:CPU, config:LOG_LEVEL=LOG_INFO
204-
[23:33:07.3079]I[plugin.cpp:421][AUTO] device:CPU, config:PERFORMANCE_HINT=LATENCY
205-
[23:33:07.3079]I[plugin.cpp:421][AUTO] device:CPU, config:PERFORMANCE_HINT_NUM_REQUESTS=0
206-
[23:33:07.3079]I[plugin.cpp:421][AUTO] device:CPU, config:PERF_COUNT=NO
207-
[23:33:07.3079]I[plugin.cpp:426][AUTO] device:CPU, priority:0
208-
[23:33:07.3079]I[schedule.cpp:17][AUTO] scheduler starting
209-
[23:33:07.3080]I[auto_schedule.cpp:181][AUTO] select device:CPU
210-
[23:33:07.4176]I[auto_schedule.cpp:346][AUTO] Device: [CPU]: Compile model took 109.630635 ms
211-
[23:33:07.4178]I[auto_schedule.cpp:112][AUTO] device:CPU compiling model finished
212-
[23:33:07.4178]I[plugin.cpp:454][AUTO] underlying hardware does not support hardware context
203+
[23:32:04.6480]I[plugin.cpp:421][AUTO] device:CPU, config:LOG_LEVEL=LOG_INFO
204+
[23:32:04.6480]I[plugin.cpp:421][AUTO] device:CPU, config:PERFORMANCE_HINT=LATENCY
205+
[23:32:04.6480]I[plugin.cpp:421][AUTO] device:CPU, config:PERFORMANCE_HINT_NUM_REQUESTS=0
206+
[23:32:04.6480]I[plugin.cpp:421][AUTO] device:CPU, config:PERF_COUNT=NO
207+
[23:32:04.6480]I[plugin.cpp:426][AUTO] device:CPU, priority:0
208+
[23:32:04.6481]I[schedule.cpp:17][AUTO] scheduler starting
209+
[23:32:04.6481]I[auto_schedule.cpp:181][AUTO] select device:CPU
210+
[23:32:04.7787]I[auto_schedule.cpp:346][AUTO] Device: [CPU]: Compile model took 130.622171 ms
211+
[23:32:04.7789]I[auto_schedule.cpp:112][AUTO] device:CPU compiling model finished
212+
[23:32:04.7790]I[plugin.cpp:454][AUTO] underlying hardware does not support hardware context
213213
Successfully compiled model without a device_name.
214214
215215
@@ -222,8 +222,8 @@ By default, ``compile_model`` API will select **AUTO** as
222222
223223
.. parsed-literal::
224224
225-
[23:33:07.4229]I[schedule.cpp:308][AUTO] scheduler ending
226225
Deleted compiled_model
226+
[23:32:04.7847]I[schedule.cpp:308][AUTO] scheduler ending
227227
228228
229229
Explicitly pass AUTO as device_name to Core::compile_model API
@@ -556,12 +556,12 @@ Loop for inference and update the FPS/Latency every
556556
557557
Compiling Model for AUTO device with THROUGHPUT hint
558558
Start inference, 6 groups of FPS/latency will be measured over 10s intervals
559-
throughput: 184.55fps, latency: 31.14ms, time interval: 10.00s
560-
throughput: 183.88fps, latency: 31.86ms, time interval: 10.01s
561-
throughput: 182.58fps, latency: 32.11ms, time interval: 10.00s
562-
throughput: 183.39fps, latency: 31.91ms, time interval: 10.00s
563-
throughput: 183.80fps, latency: 31.85ms, time interval: 10.01s
564-
throughput: 183.74fps, latency: 31.86ms, time interval: 10.00s
559+
throughput: 183.87fps, latency: 31.26ms, time interval: 10.01s
560+
throughput: 184.60fps, latency: 31.70ms, time interval: 10.00s
561+
throughput: 183.24fps, latency: 31.93ms, time interval: 10.01s
562+
throughput: 184.05fps, latency: 31.75ms, time interval: 10.00s
563+
throughput: 184.40fps, latency: 31.77ms, time interval: 10.00s
564+
throughput: 178.41fps, latency: 32.83ms, time interval: 10.02s
565565
Done
566566
567567
@@ -607,12 +607,12 @@ Loop for inference and update the FPS/Latency for each
607607
608608
Compiling Model for AUTO Device with LATENCY hint
609609
Start inference, 6 groups fps/latency will be out with 10s interval
610-
throughput: 139.69fps, latency: 6.62ms, time interval: 10.00s
611-
throughput: 141.89fps, latency: 6.61ms, time interval: 10.00s
612-
throughput: 142.44fps, latency: 6.64ms, time interval: 10.00s
613-
throughput: 142.12fps, latency: 6.61ms, time interval: 10.01s
614-
throughput: 142.13fps, latency: 6.60ms, time interval: 10.00s
615-
throughput: 141.86fps, latency: 6.66ms, time interval: 10.00s
610+
throughput: 140.52fps, latency: 6.62ms, time interval: 10.01s
611+
throughput: 142.84fps, latency: 6.60ms, time interval: 10.00s
612+
throughput: 142.14fps, latency: 6.60ms, time interval: 10.00s
613+
throughput: 142.63fps, latency: 6.60ms, time interval: 10.00s
614+
throughput: 143.11fps, latency: 6.61ms, time interval: 10.01s
615+
throughput: 132.99fps, latency: 7.13ms, time interval: 10.01s
616616
Done
617617
618618
Loading
Loading

docs/notebooks/clip-zero-shot-classification-with-output.rst

-1
Original file line numberDiff line numberDiff line change
@@ -736,7 +736,6 @@ up of the dynamic quantized models.
736736
Interactive demo
737737
----------------
738738

739-
740739
Now, it is your turn! You can provide your own image and comma-separated
741740
list of labels for zero-shot classification.
742741

docs/notebooks/convert-to-openvino-with-output.rst

+6-8
Original file line numberDiff line numberDiff line change
@@ -46,7 +46,7 @@ Guide <https://github.com/openvinotoolkit/openvino_notebooks/blob/latest/README.
4646
4747
.. parsed-literal::
4848
49-
Requirement already satisfied: pip in /opt/home/k8sworker/ci-ai/cibuilds/ov-notebook/OVNotebookOps-780/.workspace/scm/ov-notebook/.venv/lib/python3.8/site-packages (24.2)
49+
Requirement already satisfied: pip in /opt/home/k8sworker/ci-ai/cibuilds/jobs/ov-notebook/jobs/OVNotebookOps/builds/790/archive/.workspace/scm/ov-notebook/.venv/lib/python3.8/site-packages (24.2)
5050
Note: you may need to restart the kernel to use updated packages.
5151
Note: you may need to restart the kernel to use updated packages.
5252
@@ -192,13 +192,11 @@ NLP model from Hugging Face and export it in ONNX format:
192192
193193
.. parsed-literal::
194194
195-
2024-09-23 23:53:52.285454: I tensorflow/core/util/port.cc:110] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.
196-
2024-09-23 23:53:52.319037: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
195+
2024-10-07 23:35:08.862114: I tensorflow/core/util/port.cc:110] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.
196+
2024-10-07 23:35:08.907564: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
197197
To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
198-
2024-09-23 23:53:52.844892: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
199-
/opt/home/k8sworker/ci-ai/cibuilds/ov-notebook/OVNotebookOps-780/.workspace/scm/ov-notebook/.venv/lib/python3.8/site-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884
200-
warnings.warn(
201-
/opt/home/k8sworker/ci-ai/cibuilds/ov-notebook/OVNotebookOps-780/.workspace/scm/ov-notebook/.venv/lib/python3.8/site-packages/transformers/models/distilbert/modeling_distilbert.py:215: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.
198+
2024-10-07 23:35:09.444317: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
199+
/opt/home/k8sworker/ci-ai/cibuilds/jobs/ov-notebook/jobs/OVNotebookOps/builds/790/archive/.workspace/scm/ov-notebook/.venv/lib/python3.8/site-packages/transformers/models/distilbert/modeling_distilbert.py:215: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.
202200
mask, torch.tensor(torch.finfo(scores.dtype).min)
203201
204202
@@ -675,7 +673,7 @@ frameworks conversion guides.
675673
676674
.. parsed-literal::
677675
678-
2024-09-23 23:54:09.260359: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1956] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform.
676+
2024-10-07 23:35:26.468759: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1956] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform.
679677
Skipping registering GPU devices...
680678
681679

docs/notebooks/convnext-classification-with-output.rst

+1-1
Original file line numberDiff line numberDiff line change
@@ -192,7 +192,7 @@ And print results
192192
193193
Predicted Class: 281
194194
Predicted Label: n02123045 tabby, tabby cat
195-
Predicted Probability: 0.5351971983909607
195+
Predicted Probability: 0.4793865978717804
196196
197197
198198
Convert the model to OpenVINO Intermediate representation format

0 commit comments

Comments
 (0)