diff --git a/.gitignore b/.gitignore
index 14d7b6d81..c95370b7c 100644
--- a/.gitignore
+++ b/.gitignore
@@ -3,6 +3,7 @@
# python
/venv
/venv2
+/gen_tests
# dependencies
/node_modules
diff --git a/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/IV_SWEEP.py b/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/IV_SWEEP.py
index 49c9c746d..3bc2ed058 100644
--- a/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/IV_SWEEP.py
+++ b/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/IV_SWEEP.py
@@ -1,8 +1,9 @@
-import serial
-import numpy as np
-from flojoy import SerialConnection, flojoy, OrderedPair, Vector
from typing import cast
+import numpy as np
+import serial
+from flojoy import OrderedPair, SerialConnection, Vector, flojoy
+
@flojoy(deps={"pyserial": "3.5"}, inject_connection=True)
def IV_SWEEP(
@@ -10,15 +11,12 @@ def IV_SWEEP(
) -> OrderedPair:
"""Take an I-V curve measurement with a Keithley 2400 source meter (send voltages, measure currents).
- Inputs
- ------
- default: OrderedPair | Vector
- The voltages to send to the Keithley 2400 source meter.
-
Parameters
----------
+ default: OrderedPair | Vector
+ The voltages to send to the Keithley 2400 source meter.
connection: Serial
- The open connection with the Keithley2400 source meter.
+ The open connection with the Keithley 2400 source meter.
Returns
-------
diff --git a/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/block_data.json b/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/block_data.json
index cd754166d..ce2827267 100644
--- a/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/block_data.json
+++ b/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/block_data.json
@@ -1,12 +1,17 @@
{
"docstring": {
- "long_description": "Inputs\n------\ndefault: OrderedPair | Vector\n The voltages to send to the Keithley 2400 source meter.",
+ "long_description": "",
"short_description": "Take an I-V curve measurement with a Keithley 2400 source meter (send voltages, measure currents).",
"parameters": [
+ {
+ "name": "default",
+ "type": "OrderedPair | Vector",
+ "description": "The voltages to send to the Keithley 2400 source meter."
+ },
{
"name": "connection",
"type": "Serial",
- "description": "The open connection with the Keithley2400 source meter."
+ "description": "The open connection with the Keithley 2400 source meter."
}
],
"returns": [
diff --git a/captain/models/test_sequencer.py b/captain/models/test_sequencer.py
index fd19222f5..b078cf437 100644
--- a/captain/models/test_sequencer.py
+++ b/captain/models/test_sequencer.py
@@ -14,10 +14,10 @@ class LockedContextType(BaseModel):
class TestTypes(str, Enum):
- Pytest = "Pytest"
- Python = "Python"
- Flojoy = "Flojoy"
- Matlab = "Matlab"
+ pytest = "Pytest"
+ python = "Python"
+ flojoy = "Flojoy"
+ matlab = "Matlab"
class StatusTypes(str, Enum):
@@ -129,3 +129,13 @@ class TestSequenceRun(BaseModel):
data: Union[str, TestRootNode]
hardware_id: Union[str, None]
project_id: Union[str, None]
+
+
+class GenerateTestRequest(BaseModel):
+ test_name: str = Field(..., alias="testName")
+ test_type: TestTypes = Field(..., alias="testType")
+ prompt: str = Field(..., alias="prompt")
+
+
+class TestGenerationContainer(BaseModel):
+ test: Test
diff --git a/captain/parser/bool_parser/bool_parser.py b/captain/parser/bool_parser/bool_parser.py
index 2f15bf6c5..76bced4e0 100644
--- a/captain/parser/bool_parser/bool_parser.py
+++ b/captain/parser/bool_parser/bool_parser.py
@@ -49,6 +49,15 @@
track_identifiers = set()
+def _match_literal_or_var(s: str, ptr: int, allowed_symbols: set[str]):
+ start = ptr
+ while ptr < len(s) and s[ptr] in allowed_symbols:
+ ptr += 1
+ if ptr < len(s) and s[ptr] not in language:
+ raise InvalidCharacter(s[ptr])
+ return start, ptr
+
+
def _tokenize(s: str, symbol_table: SymbolTableType) -> list[Token]:
"""
Tokenizes the string input from the user
@@ -64,14 +73,6 @@ def _match_op_symbol(ptr: int) -> tuple[Operator, int]:
c = s[ptr : ptr + extend]
return Operator(c), extend
- def _match_literal_or_var(ptr: int, allowed_symbols: set[str]):
- start = ptr
- while ptr < len(s) and s[ptr] in allowed_symbols:
- ptr += 1
- if ptr < len(s) and s[ptr] not in language:
- raise InvalidCharacter(s[ptr])
- return start, ptr
-
tokens: List[Token] = []
s = s.replace(" ", "") # remove whitespace
ptr = 0
@@ -97,7 +98,7 @@ def _match_literal_or_var(ptr: int, allowed_symbols: set[str]):
*boolean_literal_symbols,
*variable_symbols,
}
- start_ptr, end_ptr = _match_literal_or_var(ptr, allowed_symbols)
+ start_ptr, end_ptr = _match_literal_or_var(s, ptr, allowed_symbols)
token_str = s[start_ptr:end_ptr]
if BooleanLiteral.allows(token_str):
tokens.append(BooleanLiteral(token_str))
diff --git a/captain/parser/bool_parser/utils/name_validator.py b/captain/parser/bool_parser/utils/name_validator.py
new file mode 100644
index 000000000..2ff15ce57
--- /dev/null
+++ b/captain/parser/bool_parser/utils/name_validator.py
@@ -0,0 +1,10 @@
+from captain.parser.bool_parser.bool_parser import variable_symbols
+from captain.parser.bool_parser.expressions.exceptions import InvalidCharacter
+
+
+def validate_name(name: str):
+ for c in name:
+ if c not in variable_symbols:
+ raise InvalidCharacter(
+ f"{c}, only {[s for s in variable_symbols]} is allowed"
+ )
diff --git a/captain/routes/test_sequence.py b/captain/routes/test_sequence.py
index 2314b65a9..43defcda6 100644
--- a/captain/routes/test_sequence.py
+++ b/captain/routes/test_sequence.py
@@ -1,8 +1,14 @@
+import asyncio
from fastapi import APIRouter, WebSocket, WebSocketDisconnect, Depends
import json
import pydantic
from captain.models.pytest.pytest_models import TestDiscoverContainer
-from captain.models.test_sequencer import TestSequenceRun
+from captain.models.test_sequencer import (
+ GenerateTestRequest,
+ TestGenerationContainer,
+ TestSequenceRun,
+)
+from captain.utils.test_sequencer.generator.generate_test import generate_test
from captain.utils.pytest.discover_tests import discover_pytest_file
from captain.utils.config import ts_manager
from captain.utils.test_sequencer.handle_data import handle_data
@@ -53,3 +59,17 @@ async def discover_pytest(params: DiscoverPytestParams = Depends()):
return TestDiscoverContainer(
response=return_val, missingLibraries=missing_lib
).model_dump_json(by_alias=True)
+
+
+@router.post("/generate-test/")
+async def generate_test_endpoint(requested_test: GenerateTestRequest):
+ test_container = {}
+ test_name = requested_test.test_name
+ test_type = requested_test.test_type
+ prompt = requested_test.prompt
+ await generate_test(test_name, test_type, prompt, test_container)
+ if "test" not in test_container:
+ return
+ return TestGenerationContainer(test=test_container["test"]).model_dump_json(
+ by_alias=True
+ )
diff --git a/captain/utils/test_sequencer/data_stream.py b/captain/utils/test_sequencer/data_stream.py
new file mode 100644
index 000000000..899319dd2
--- /dev/null
+++ b/captain/utils/test_sequencer/data_stream.py
@@ -0,0 +1,35 @@
+import asyncio
+import traceback
+from captain.utils.logger import logger
+from captain.types.test_sequence import MsgState, TestSequenceMessage
+from captain.utils.config import ts_manager
+
+
+async def _stream_result_to_frontend(
+ state: MsgState,
+ test_id: str = "",
+ result: bool = False,
+ time_taken: float = 0,
+ is_saved_to_cloud: bool = False,
+ error: str | None = None,
+):
+ asyncio.create_task(
+ ts_manager.ws.broadcast(
+ TestSequenceMessage(
+ state.value, test_id, result, time_taken, is_saved_to_cloud, error
+ )
+ )
+ )
+ await asyncio.sleep(0) # necessary for task yield
+ await asyncio.sleep(0) # still necessary for task yield
+
+
+def _with_error_report(func):
+ async def reported_func(*args, **kwargs):
+ try:
+ await func(*args, **kwargs)
+ except Exception as e:
+ await _stream_result_to_frontend(state=MsgState.ERROR, error=str(e))
+ logger.error(f"{e}: {traceback.format_exc()}")
+
+ return reported_func
diff --git a/captain/utils/test_sequencer/generator/__init__.py b/captain/utils/test_sequencer/generator/__init__.py
new file mode 100644
index 000000000..e69de29bb
diff --git a/captain/utils/test_sequencer/generator/generate_test.py b/captain/utils/test_sequencer/generator/generate_test.py
new file mode 100644
index 000000000..e6622be98
--- /dev/null
+++ b/captain/utils/test_sequencer/generator/generate_test.py
@@ -0,0 +1,55 @@
+import uuid
+from captain.models.test_sequencer import StatusTypes, Test, TestTypes
+from captain.parser.bool_parser.utils.name_validator import validate_name
+from captain.utils.logger import logger
+import os
+from openai import OpenAI
+from captain.utils.test_sequencer.data_stream import _with_error_report
+
+key = "" # TODO have this from .env, Joey said to hard code for now until his PR
+client = OpenAI(api_key=key)
+
+
+@_with_error_report
+async def generate_test(
+ test_name: str, test_type: TestTypes, prompt: str, test_container: dict
+):
+ if test_type.value != "Python": # for now only handle python tests
+ raise Exception("Only Python tests allowed")
+ validate_name(test_name) # this raises an error if invalid
+ response = client.chat.completions.create(
+ model="gpt-3.5-turbo",
+ messages=[
+ {
+ "role": "system",
+ "content": "You generate only raw python code for tests using assertions. If the user's request does not imply a test, simply output 'NULL'",
+ },
+ {
+ "role": "user",
+ "content": prompt,
+ },
+ ],
+ )
+ code_resp = response.choices[0].message.content
+ if code_resp is None:
+ raise Exception("Unable to generate code")
+ if code_resp == "NULL":
+ raise Exception("Invalid prompt/request, please specify something to test")
+ code = "\n".join(code_resp.splitlines()[1:-1])
+ path_to_gen_folder = os.path.join(os.getcwd(), "gen_tests")
+ path_to_file = os.path.join(path_to_gen_folder, test_name)
+ if not os.path.exists(path_to_gen_folder):
+ os.makedirs(path_to_gen_folder)
+ with open(path_to_file, "w") as file:
+ file.write(code)
+ test_container["test"] = Test.construct(
+ type="test",
+ id=uuid.uuid4(),
+ group_id=uuid.uuid4(),
+ path=path_to_file,
+ test_name=test_name,
+ run_in_parallel=False,
+ test_type=TestTypes.python,
+ status=StatusTypes.pending,
+ is_saved_to_cloud=False,
+ )
diff --git a/captain/utils/test_sequencer/run_test_sequence.py b/captain/utils/test_sequencer/run_test_sequence.py
index 2bba23232..7bcb3712f 100644
--- a/captain/utils/test_sequencer/run_test_sequence.py
+++ b/captain/utils/test_sequencer/run_test_sequence.py
@@ -1,5 +1,4 @@
import traceback
-import asyncio
import time
from typing import Union, List, Callable
from flojoy_cloud.client import FlojoyCloudException
@@ -13,13 +12,16 @@
TestTypes,
)
from captain.parser.bool_parser.expressions.models import Variable
-from captain.types.test_sequence import MsgState, TestSequenceMessage
-from captain.utils.config import ts_manager
+from captain.types.test_sequence import MsgState
import subprocess
from captain.utils.logger import logger
from captain.parser.bool_parser.bool_parser import eval_expression
from flojoy_cloud.client import FlojoyCloud
from pkgs.flojoy.flojoy.env_var import get_env_var
+from captain.utils.test_sequencer.data_stream import (
+ _stream_result_to_frontend,
+ _with_error_report,
+)
class TestResult:
@@ -172,23 +174,6 @@ def _eval_condition(
# TODO use TSSignaler class to abstract this funcitonality
-async def _stream_result_to_frontend(
- state: MsgState,
- test_id: str = "",
- result: bool = False,
- time_taken: float = 0,
- is_saved_to_cloud: bool = False,
- error: str | None = None,
-):
- asyncio.create_task(
- ts_manager.ws.broadcast(
- TestSequenceMessage(
- state.value, test_id, result, time_taken, is_saved_to_cloud, error
- )
- )
- )
- await asyncio.sleep(0) # necessary for task yield
- await asyncio.sleep(0) # still necessary for task yield
async def _case_root(node: TestRootNode, **kwargs) -> Extract:
@@ -215,8 +200,8 @@ def get_next_children_from_context(context: Context):
"test": (
"test_type",
{
- TestTypes.Python: (None, _run_python),
- TestTypes.Pytest: (None, _run_pytest),
+ TestTypes.python: (None, _run_python),
+ TestTypes.pytest: (None, _run_pytest),
},
),
"conditional": (
@@ -243,33 +228,29 @@ async def _extract_from_node(
return children_getter, test_result
-# TODO have pydantic model for data, convert camelCase to snake_case
+@_with_error_report
async def run_test_sequence(data):
data = pydantic.TypeAdapter(TestRootNode).validate_python(data)
identifiers = set(data.identifiers)
context = Context({}, identifiers)
- try:
- async def run_dfs(node: TestRootNode | TestSequenceElementNode):
- children_getter, test_result = await _extract_from_node(
- node, map_to_handler_run
- )
+ async def run_dfs(node: TestRootNode | TestSequenceElementNode):
+ children_getter, test_result = await _extract_from_node(
+ node, map_to_handler_run
+ )
- if test_result:
- context.result_dict[test_result.test_node.test_name] = test_result
+ if test_result:
+ context.result_dict[test_result.test_node.test_name] = test_result
- children = children_getter(context)
- if not children:
- return
- for child in children:
- await run_dfs(child)
+ children = children_getter(context)
+ if not children:
+ return
+ for child in children:
+ await run_dfs(child)
- await _stream_result_to_frontend(state=MsgState.TEST_SET_START)
- await run_dfs(data) # run tests
- await _stream_result_to_frontend(state=MsgState.TEST_SET_DONE)
- except Exception as e:
- await _stream_result_to_frontend(state=MsgState.ERROR, error=str(e))
- logger.error(f"{e}: {traceback.format_exc()}")
+ await _stream_result_to_frontend(state=MsgState.TEST_SET_START)
+ await run_dfs(data) # run tests
+ await _stream_result_to_frontend(state=MsgState.TEST_SET_DONE)
async def _case_test_upload(node: TestNode, hardware_id, project_id) -> Extract:
@@ -344,30 +325,28 @@ def reverse_id(test_name) -> str:
)
+@_with_error_report
async def export_test_sequence(data, hardware_id, project_id):
data = pydantic.TypeAdapter(TestRootNode).validate_python(data)
identifiers = set(data.identifiers)
context = Context({}, identifiers)
- try:
- # Walking the tree with the same sequence as the last run and upload de TestNode
- async def run_dfs(node: TestRootNode | TestSequenceElementNode):
- children_getter, test_result = await _extract_from_node(
- node,
- map_to_handler_upload,
- hardware_id=hardware_id,
- project_id=project_id,
- )
- if test_result:
- context.result_dict[test_result.test_node.test_name] = test_result
- children = children_getter(context)
- if not children:
- return
- for child in children:
- await run_dfs(child)
-
- await _stream_result_to_frontend(state=MsgState.TEST_SET_EXPORT)
- await run_dfs(data) # Export tests
- await _stream_result_to_frontend(state=MsgState.TEST_SET_DONE)
- except Exception as e:
- await _stream_result_to_frontend(state=MsgState.ERROR, error=str(e))
- logger.error(f"{e}: {traceback.format_exc()}")
+
+ # Walking the tree with the same sequence as the last run and upload de TestNode
+ async def run_dfs(node: TestRootNode | TestSequenceElementNode):
+ children_getter, test_result = await _extract_from_node(
+ node,
+ map_to_handler_upload,
+ hardware_id=hardware_id,
+ project_id=project_id,
+ )
+ if test_result:
+ context.result_dict[test_result.test_node.test_name] = test_result
+ children = children_getter(context)
+ if not children:
+ return
+ for child in children:
+ await run_dfs(child)
+
+ await _stream_result_to_frontend(state=MsgState.TEST_SET_EXPORT)
+ await run_dfs(data) # Export tests
+ await _stream_result_to_frontend(state=MsgState.TEST_SET_DONE)
diff --git a/cli/utils/block_docs.py b/cli/utils/block_docs.py
index 150b1d644..732094968 100644
--- a/cli/utils/block_docs.py
+++ b/cli/utils/block_docs.py
@@ -39,7 +39,9 @@ def add_python_docs_display(self):
self.template += """\
import block_data from "@blocks/{block_folder_path}/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
""".format(
block_folder_path=self.block_folder_path,
@@ -88,7 +90,7 @@ def add_python_code(self):
def add_example_app(self):
self.template += """\
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/components/DownloadStudioBanner.astro b/docs/src/components/DownloadStudioBanner.astro
new file mode 100644
index 000000000..255b12163
--- /dev/null
+++ b/docs/src/components/DownloadStudioBanner.astro
@@ -0,0 +1,12 @@
+---
+import { Icon } from "@astrojs/starlight/components";
+---
+
+
+ Download Flojoy Studio to try this app
+
+
diff --git a/docs/src/content/docs/blocks/AI_ML/AUDIO/SPEECH_2_TEXT.mdx b/docs/src/content/docs/blocks/AI_ML/AUDIO/SPEECH_2_TEXT.mdx
index 7d6d9b979..e9f2ed205 100644
--- a/docs/src/content/docs/blocks/AI_ML/AUDIO/SPEECH_2_TEXT.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/AUDIO/SPEECH_2_TEXT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/AUDIO/SPEECH_2_TEXT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/ACCURACY.mdx b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/ACCURACY.mdx
index 54d96ff52..a06f86b70 100644
--- a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/ACCURACY.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/ACCURACY.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/CLASSIFICATION/ACCURACY/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/ONE_HOT_ENCODING.mdx b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/ONE_HOT_ENCODING.mdx
index 9b2784f4b..d388c4e70 100644
--- a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/ONE_HOT_ENCODING.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/ONE_HOT_ENCODING.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/CLASSIFICATION/ONE_HOT_ENCODING/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/SUPPORT_VECTOR_MACHINE.mdx b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/SUPPORT_VECTOR_MACHINE.mdx
index fb3a5c489..c1ea304f1 100644
--- a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/SUPPORT_VECTOR_MACHINE.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/SUPPORT_VECTOR_MACHINE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/CLASSIFICATION/SUPPORT_VECTOR_MACHINE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/TORCHSCRIPT_CLASSIFIER.mdx b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/TORCHSCRIPT_CLASSIFIER.mdx
index 32ec9ae0b..6ae77da65 100644
--- a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/TORCHSCRIPT_CLASSIFIER.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/TORCHSCRIPT_CLASSIFIER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/CLASSIFICATION/TORCHSCRIPT_CLASSIFIER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/TRAIN_TEST_SPLIT.mdx b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/TRAIN_TEST_SPLIT.mdx
index 96768a70b..83d4408f6 100644
--- a/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/TRAIN_TEST_SPLIT.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/CLASSIFICATION/TRAIN_TEST_SPLIT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/CLASSIFICATION/TRAIN_TEST_SPLIT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/IMAGE_CAPTIONING/NLP_CONNECT_VIT_GPT2.mdx b/docs/src/content/docs/blocks/AI_ML/IMAGE_CAPTIONING/NLP_CONNECT_VIT_GPT2.mdx
index 814d1cf9f..2837a44e5 100644
--- a/docs/src/content/docs/blocks/AI_ML/IMAGE_CAPTIONING/NLP_CONNECT_VIT_GPT2.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/IMAGE_CAPTIONING/NLP_CONNECT_VIT_GPT2.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/IMAGE_CAPTIONING/NLP_CONNECT_VIT_GPT2/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/IMAGE_CLASSIFICATION/HUGGING_FACE_PIPELINE.mdx b/docs/src/content/docs/blocks/AI_ML/IMAGE_CLASSIFICATION/HUGGING_FACE_PIPELINE.mdx
index 44bbacac1..780d2bd93 100644
--- a/docs/src/content/docs/blocks/AI_ML/IMAGE_CLASSIFICATION/HUGGING_FACE_PIPELINE.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/IMAGE_CLASSIFICATION/HUGGING_FACE_PIPELINE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/IMAGE_CLASSIFICATION/HUGGING_FACE_PIPELINE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/LOAD_MODEL/ONNX_MODEL.mdx b/docs/src/content/docs/blocks/AI_ML/LOAD_MODEL/ONNX_MODEL.mdx
index 8b82e4212..849730bde 100644
--- a/docs/src/content/docs/blocks/AI_ML/LOAD_MODEL/ONNX_MODEL.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/LOAD_MODEL/ONNX_MODEL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/LOAD_MODEL/ONNX_MODEL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/NLP/COUNT_VECTORIZER.mdx b/docs/src/content/docs/blocks/AI_ML/NLP/COUNT_VECTORIZER.mdx
index 43f958ea0..5eaea478c 100644
--- a/docs/src/content/docs/blocks/AI_ML/NLP/COUNT_VECTORIZER.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/NLP/COUNT_VECTORIZER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/NLP/COUNT_VECTORIZER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/OBJECT_DETECTION/OBJECT_DETECTION.mdx b/docs/src/content/docs/blocks/AI_ML/OBJECT_DETECTION/OBJECT_DETECTION.mdx
index 23d04ae1f..8d50707a7 100644
--- a/docs/src/content/docs/blocks/AI_ML/OBJECT_DETECTION/OBJECT_DETECTION.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/OBJECT_DETECTION/OBJECT_DETECTION.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/OBJECT_DETECTION/OBJECT_DETECTION/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/PREDICT_TIME_SERIES/PROPHET_PREDICT.mdx b/docs/src/content/docs/blocks/AI_ML/PREDICT_TIME_SERIES/PROPHET_PREDICT.mdx
index de46cc217..2aeaa6228 100644
--- a/docs/src/content/docs/blocks/AI_ML/PREDICT_TIME_SERIES/PROPHET_PREDICT.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/PREDICT_TIME_SERIES/PROPHET_PREDICT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/PREDICT_TIME_SERIES/PROPHET_PREDICT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/REGRESSION/LEAST_SQUARES.mdx b/docs/src/content/docs/blocks/AI_ML/REGRESSION/LEAST_SQUARES.mdx
index 4b15ae2fc..8f6e4498e 100644
--- a/docs/src/content/docs/blocks/AI_ML/REGRESSION/LEAST_SQUARES.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/REGRESSION/LEAST_SQUARES.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/REGRESSION/LEAST_SQUARES/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/SEGMENTATION/DEEPLAB_V3.mdx b/docs/src/content/docs/blocks/AI_ML/SEGMENTATION/DEEPLAB_V3.mdx
index a1e5dad45..30a625d99 100644
--- a/docs/src/content/docs/blocks/AI_ML/SEGMENTATION/DEEPLAB_V3.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/SEGMENTATION/DEEPLAB_V3.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/SEGMENTATION/DEEPLAB_V3/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/AI_ML/TEXT_SUMMARIZATION/BART_LARGE_CNN.mdx b/docs/src/content/docs/blocks/AI_ML/TEXT_SUMMARIZATION/BART_LARGE_CNN.mdx
index bb35b34db..9dd86a970 100644
--- a/docs/src/content/docs/blocks/AI_ML/TEXT_SUMMARIZATION/BART_LARGE_CNN.mdx
+++ b/docs/src/content/docs/blocks/AI_ML/TEXT_SUMMARIZATION/BART_LARGE_CNN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/AI_ML/TEXT_SUMMARIZATION/BART_LARGE_CNN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/CHANNEL_MERGE.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/CHANNEL_MERGE.mdx
index 56e4f8af1..e7c7de409 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/CHANNEL_MERGE.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/CHANNEL_MERGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/CHANNEL_MERGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/CHANNEL_SPLIT.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/CHANNEL_SPLIT.mdx
index 674a7aa2e..b010307dd 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/CHANNEL_SPLIT.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/CHANNEL_SPLIT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/CHANNEL_SPLIT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/EDGE_DETECTION.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/EDGE_DETECTION.mdx
index 3810c57ab..3ab9154a7 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/EDGE_DETECTION.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/EDGE_DETECTION.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/EDGE_DETECTION/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/EXTREMA_DETERMINATION.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/EXTREMA_DETERMINATION.mdx
index 724b2ceef..8c98d67fd 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/EXTREMA_DETERMINATION.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/EXTREMA_DETERMINATION.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/EXTREMA_DETERMINATION/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/GAMMA_ADJUSTMENT.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/GAMMA_ADJUSTMENT.mdx
index 6d911af42..88fa50356 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/GAMMA_ADJUSTMENT.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/GAMMA_ADJUSTMENT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/GAMMA_ADJUSTMENT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/IMAGE_SMOOTHING.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/IMAGE_SMOOTHING.mdx
index 5eb8b6422..e98ead2d5 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/IMAGE_SMOOTHING.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/IMAGE_SMOOTHING.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/IMAGE_SMOOTHING/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/IMAGE_SWIRL.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/IMAGE_SWIRL.mdx
index 4aa1ac71c..11f06062d 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/IMAGE_SWIRL.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/IMAGE_SWIRL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/IMAGE_SWIRL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/LOGARITHMIC_ADJUSTMENT.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/LOGARITHMIC_ADJUSTMENT.mdx
index 8ec490141..097eff6af 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/LOGARITHMIC_ADJUSTMENT.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/LOGARITHMIC_ADJUSTMENT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/LOGARITHMIC_ADJUSTMENT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/REGION_PROPERTIES.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/REGION_PROPERTIES.mdx
index f57435193..56edd9277 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/REGION_PROPERTIES.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/REGION_PROPERTIES.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/REGION_PROPERTIES/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/COMPUTER_VISION/ROTATE_IMAGE.mdx b/docs/src/content/docs/blocks/COMPUTER_VISION/ROTATE_IMAGE.mdx
index da91e4a51..5910165d2 100644
--- a/docs/src/content/docs/blocks/COMPUTER_VISION/ROTATE_IMAGE.mdx
+++ b/docs/src/content/docs/blocks/COMPUTER_VISION/ROTATE_IMAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/COMPUTER_VISION/ROTATE_IMAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/CONDITIONALS/CONDITIONAL.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/CONDITIONALS/CONDITIONAL.mdx
index dbe3c305f..9c187201c 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/CONDITIONALS/CONDITIONAL.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/CONDITIONALS/CONDITIONAL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/CONDITIONALS/CONDITIONAL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/AND.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/AND.mdx
index 9d14ede30..fe06d51a0 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/AND.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/AND.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOGICAL_OPERATORS/AND/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/EXCLUSIVE_OR.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/EXCLUSIVE_OR.mdx
index 44593736f..f63ce5faf 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/EXCLUSIVE_OR.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/EXCLUSIVE_OR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOGICAL_OPERATORS/EXCLUSIVE_OR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/IMPLIES.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/IMPLIES.mdx
index 4ae978007..88c95fbbe 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/IMPLIES.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/IMPLIES.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOGICAL_OPERATORS/IMPLIES/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT.mdx
index cc075ec92..b781068c9 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_AND.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_AND.mdx
index c402c4b89..fd6273899 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_AND.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_AND.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_AND/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_OR.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_OR.mdx
index 16613ed89..0a43d285d 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_OR.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_OR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOGICAL_OPERATORS/NOT_OR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/OR.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/OR.mdx
index 35c11b4b0..ce18d69b3 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/OR.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOGICAL_OPERATORS/OR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOGICAL_OPERATORS/OR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOOPS/APPEND.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOOPS/APPEND.mdx
index fe90fc1e8..b8aa73d1b 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOOPS/APPEND.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOOPS/APPEND.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOOPS/APPEND/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOOPS/LOOP.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOOPS/LOOP.mdx
index 2eeb61dd9..f771c6236 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOOPS/LOOP.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOOPS/LOOP.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOOPS/LOOP/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOOP_TOOLS/BREAK.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOOP_TOOLS/BREAK.mdx
index c41d26a75..ba07eb47c 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOOP_TOOLS/BREAK.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOOP_TOOLS/BREAK.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOOP_TOOLS/BREAK/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/LOOP_TOOLS/LOOP_INDEX.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/LOOP_TOOLS/LOOP_INDEX.mdx
index 81870a4fd..f4fc6be4b 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/LOOP_TOOLS/LOOP_INDEX.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/LOOP_TOOLS/LOOP_INDEX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/LOOP_TOOLS/LOOP_INDEX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/CONTROL_FLOW/TIMERS/TIMER.mdx b/docs/src/content/docs/blocks/CONTROL_FLOW/TIMERS/TIMER.mdx
index abb218230..4bfb3b76a 100644
--- a/docs/src/content/docs/blocks/CONTROL_FLOW/TIMERS/TIMER.mdx
+++ b/docs/src/content/docs/blocks/CONTROL_FLOW/TIMERS/TIMER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/CONTROL_FLOW/TIMERS/TIMER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_CSV.mdx b/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_CSV.mdx
index b860df5ae..b0dc57e64 100644
--- a/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_CSV.mdx
+++ b/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_CSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/EXPORT/EXPORT_CSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_JSON.mdx b/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_JSON.mdx
index d3502f03d..cd4adfa7e 100644
--- a/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_JSON.mdx
+++ b/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_JSON.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/EXPORT/EXPORT_JSON/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_MATLAB.mdx b/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_MATLAB.mdx
index ce1c28fc8..5dc94f196 100644
--- a/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_MATLAB.mdx
+++ b/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_MATLAB.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/EXPORT/EXPORT_MATLAB/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_S3.mdx b/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_S3.mdx
index f38fa0cc4..91c53605f 100644
--- a/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_S3.mdx
+++ b/docs/src/content/docs/blocks/DATA/EXPORT/EXPORT_S3.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/EXPORT/EXPORT_S3/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/PLOTLY_DATASET.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/PLOTLY_DATASET.mdx
index 278c26ffa..1868626bd 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/PLOTLY_DATASET.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/PLOTLY_DATASET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SAMPLE_DATASETS/PLOTLY_DATASET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/SCIKIT_LEARN_DATASET.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/SCIKIT_LEARN_DATASET.mdx
index dd7731c66..be1f0d44f 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/SCIKIT_LEARN_DATASET.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/SCIKIT_LEARN_DATASET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SAMPLE_DATASETS/SCIKIT_LEARN_DATASET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/TEXT_DATASET.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/TEXT_DATASET.mdx
index 872cd92ca..bc1a0536d 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/TEXT_DATASET.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_DATASETS/TEXT_DATASET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SAMPLE_DATASETS/TEXT_DATASET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_IMAGES/SKIMAGE.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_IMAGES/SKIMAGE.mdx
index 6f0005028..b975099a1 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_IMAGES/SKIMAGE.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SAMPLE_IMAGES/SKIMAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SAMPLE_IMAGES/SKIMAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/BASIC_OSCILLATOR.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/BASIC_OSCILLATOR.mdx
index 12a34bf71..34a32f6cb 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/BASIC_OSCILLATOR.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/BASIC_OSCILLATOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/BASIC_OSCILLATOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/BOOLEAN.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/BOOLEAN.mdx
index 2a897b969..525483577 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/BOOLEAN.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/BOOLEAN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/BOOLEAN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/CONSTANT.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/CONSTANT.mdx
index 4bb7e8208..a5eb4776d 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/CONSTANT.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/CONSTANT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/CONSTANT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/FEEDBACK.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/FEEDBACK.mdx
index 9c22dc747..b87f27721 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/FEEDBACK.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/FEEDBACK.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/FEEDBACK/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/LINSPACE.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/LINSPACE.mdx
index ffbdba6ff..debcc94d8 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/LINSPACE.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/LINSPACE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/LINSPACE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/MATRIX.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/MATRIX.mdx
index 46f9c9dae..3d33d32f2 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/MATRIX.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/MATRIX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/MATRIX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/POPULATE.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/POPULATE.mdx
index 01017f057..282053bd6 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/POPULATE.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/POPULATE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/POPULATE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/RAND.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/RAND.mdx
index b7e94216c..3bacb418d 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/RAND.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/RAND.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/RAND/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SCALAR.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SCALAR.mdx
index cd60d7e92..38f215fca 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SCALAR.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SCALAR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/SCALAR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SECOND_ORDER_SYSTEM.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SECOND_ORDER_SYSTEM.mdx
index 52d4a3a67..c2661ca0b 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SECOND_ORDER_SYSTEM.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SECOND_ORDER_SYSTEM.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/SECOND_ORDER_SYSTEM/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SINE.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SINE.mdx
index 03f9858ef..bee60bc98 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SINE.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/SINE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/SINE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/TEXT.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/TEXT.mdx
index 692d571e6..1f637c967 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/TEXT.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/TEXT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/TEXT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/TIMESERIES.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/TIMESERIES.mdx
index 225dd5c33..7a974573d 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/TIMESERIES.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/TIMESERIES.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/TIMESERIES/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/UNIX_TIMESTAMP.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/UNIX_TIMESTAMP.mdx
index c7b828a93..525a5344f 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/UNIX_TIMESTAMP.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/UNIX_TIMESTAMP.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/UNIX_TIMESTAMP/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/VECTOR.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/VECTOR.mdx
index 4c295e852..9fd1e32f9 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/VECTOR.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/VEC_2_LINSPACE.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/VEC_2_LINSPACE.mdx
index 7a42fbc89..844abb32a 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/VEC_2_LINSPACE.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/VEC_2_LINSPACE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/VEC_2_LINSPACE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/WAVEPACKET.mdx b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/WAVEPACKET.mdx
index ce644a35c..3f999fe71 100644
--- a/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/WAVEPACKET.mdx
+++ b/docs/src/content/docs/blocks/DATA/GENERATION/SIMULATIONS/WAVEPACKET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/GENERATION/SIMULATIONS/WAVEPACKET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/ARRAY_VIEW.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/ARRAY_VIEW.mdx
index b045af8f6..bd68ad2b1 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/ARRAY_VIEW.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/ARRAY_VIEW.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/DATA_STRUCTURE/ARRAY_VIEW/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/MATRIX_VIEW.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/MATRIX_VIEW.mdx
index 44ac41a9d..c31b3ebb6 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/MATRIX_VIEW.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/MATRIX_VIEW.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/DATA_STRUCTURE/MATRIX_VIEW/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/TEXT_VIEW.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/TEXT_VIEW.mdx
index 505e8bd13..54cce7e50 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/TEXT_VIEW.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/DATA_STRUCTURE/TEXT_VIEW.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/DATA_STRUCTURE/TEXT_VIEW/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/BAR.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/BAR.mdx
index 6c088c1d7..a2ec10960 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/BAR.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/BAR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/BAR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/BIG_NUMBER.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/BIG_NUMBER.mdx
index 2d7176d32..bee541b46 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/BIG_NUMBER.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/BIG_NUMBER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/BIG_NUMBER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/COMPOSITE.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/COMPOSITE.mdx
index 0d93c7119..c0b4b27f5 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/COMPOSITE.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/COMPOSITE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/COMPOSITE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/HEATMAP.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/HEATMAP.mdx
index a457bf7c2..47d5f7dd3 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/HEATMAP.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/HEATMAP.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/HEATMAP/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/HISTOGRAM.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/HISTOGRAM.mdx
index 4dab69f36..ce589abf4 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/HISTOGRAM.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/HISTOGRAM.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/HISTOGRAM/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/IMAGE.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/IMAGE.mdx
index d10db07f6..1ed585571 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/IMAGE.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/IMAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/IMAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/LINE.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/LINE.mdx
index 6a64e6e3c..03155be20 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/LINE.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/LINE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/LINE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_COMPONENTS.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_COMPONENTS.mdx
index a251ce615..1d4b1c6fa 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_COMPONENTS.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_COMPONENTS.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_COMPONENTS/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_PLOT.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_PLOT.mdx
index a7055325d..9e2a42f03 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_PLOT.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_PLOT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/PROPHET_PLOT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SCATTER.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SCATTER.mdx
index 5facdb1c3..97052ff41 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SCATTER.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SCATTER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/SCATTER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SCATTER3D.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SCATTER3D.mdx
index a9e671f00..bf53f9fed 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SCATTER3D.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SCATTER3D.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/SCATTER3D/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SURFACE3D.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SURFACE3D.mdx
index af3d12acc..05540b0c1 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SURFACE3D.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/SURFACE3D.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/SURFACE3D/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/TABLE.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/TABLE.mdx
index 41a54aaae..e25a55a7f 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/TABLE.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/PLOTLY/TABLE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/PLOTLY/TABLE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/REPORT/ANNOTATE_PLOTLY.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/REPORT/ANNOTATE_PLOTLY.mdx
index 13f292b2d..5639c2a83 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/REPORT/ANNOTATE_PLOTLY.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/REPORT/ANNOTATE_PLOTLY.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/REPORT/ANNOTATE_PLOTLY/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DATA/VISUALIZATION/REPORT/REPORT_GENERATION.mdx b/docs/src/content/docs/blocks/DATA/VISUALIZATION/REPORT/REPORT_GENERATION.mdx
index 18fa1cd8c..e8e272317 100644
--- a/docs/src/content/docs/blocks/DATA/VISUALIZATION/REPORT/REPORT_GENERATION.mdx
+++ b/docs/src/content/docs/blocks/DATA/VISUALIZATION/REPORT/REPORT_GENERATION.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DATA/VISUALIZATION/REPORT/REPORT_GENERATION/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DEBUGGING/DATACONTAINER_TYPE.mdx b/docs/src/content/docs/blocks/DEBUGGING/DATACONTAINER_TYPE.mdx
index 4d806d5e5..2df827f21 100644
--- a/docs/src/content/docs/blocks/DEBUGGING/DATACONTAINER_TYPE.mdx
+++ b/docs/src/content/docs/blocks/DEBUGGING/DATACONTAINER_TYPE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DEBUGGING/DATACONTAINER_TYPE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DEBUGGING/DC_CONTENT_TYPE.mdx b/docs/src/content/docs/blocks/DEBUGGING/DC_CONTENT_TYPE.mdx
index 2bbd283f8..0316d573c 100644
--- a/docs/src/content/docs/blocks/DEBUGGING/DC_CONTENT_TYPE.mdx
+++ b/docs/src/content/docs/blocks/DEBUGGING/DC_CONTENT_TYPE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DEBUGGING/DC_CONTENT_TYPE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DEBUGGING/PRINT_DATACONTAINER.mdx b/docs/src/content/docs/blocks/DEBUGGING/PRINT_DATACONTAINER.mdx
index 947368d8e..49b0331d9 100644
--- a/docs/src/content/docs/blocks/DEBUGGING/PRINT_DATACONTAINER.mdx
+++ b/docs/src/content/docs/blocks/DEBUGGING/PRINT_DATACONTAINER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DEBUGGING/PRINT_DATACONTAINER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/BUTTER.mdx b/docs/src/content/docs/blocks/DSP/BUTTER.mdx
index 6719720f2..22fa81357 100644
--- a/docs/src/content/docs/blocks/DSP/BUTTER.mdx
+++ b/docs/src/content/docs/blocks/DSP/BUTTER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/BUTTER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/FFT.mdx b/docs/src/content/docs/blocks/DSP/FFT.mdx
index d3873e432..e9af1a5ac 100644
--- a/docs/src/content/docs/blocks/DSP/FFT.mdx
+++ b/docs/src/content/docs/blocks/DSP/FFT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/FFT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/FIR.mdx b/docs/src/content/docs/blocks/DSP/FIR.mdx
index 2dddabfce..07c7ec4a6 100644
--- a/docs/src/content/docs/blocks/DSP/FIR.mdx
+++ b/docs/src/content/docs/blocks/DSP/FIR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/FIR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/IFFT.mdx b/docs/src/content/docs/blocks/DSP/IFFT.mdx
index 2d552344e..fc80fa350 100644
--- a/docs/src/content/docs/blocks/DSP/IFFT.mdx
+++ b/docs/src/content/docs/blocks/DSP/IFFT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/IFFT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/PEAK_DETECTION.mdx b/docs/src/content/docs/blocks/DSP/PEAK_DETECTION.mdx
index 74ac95f1f..db223abf4 100644
--- a/docs/src/content/docs/blocks/DSP/PEAK_DETECTION.mdx
+++ b/docs/src/content/docs/blocks/DSP/PEAK_DETECTION.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/PEAK_DETECTION/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/PID.mdx b/docs/src/content/docs/blocks/DSP/PID.mdx
index b93d3a037..90116c4e8 100644
--- a/docs/src/content/docs/blocks/DSP/PID.mdx
+++ b/docs/src/content/docs/blocks/DSP/PID.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/PID/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/SAVGOL.mdx b/docs/src/content/docs/blocks/DSP/SAVGOL.mdx
index cc077fb46..2048dc50c 100644
--- a/docs/src/content/docs/blocks/DSP/SAVGOL.mdx
+++ b/docs/src/content/docs/blocks/DSP/SAVGOL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/SAVGOL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/TWO_DIMENSIONAL_FFT.mdx b/docs/src/content/docs/blocks/DSP/TWO_DIMENSIONAL_FFT.mdx
index bd248d16a..5e752fe4b 100644
--- a/docs/src/content/docs/blocks/DSP/TWO_DIMENSIONAL_FFT.mdx
+++ b/docs/src/content/docs/blocks/DSP/TWO_DIMENSIONAL_FFT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/TWO_DIMENSIONAL_FFT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/DSP/VOLT_TO_DB.mdx b/docs/src/content/docs/blocks/DSP/VOLT_TO_DB.mdx
index 74387ec0c..b0a9b76ea 100644
--- a/docs/src/content/docs/blocks/DSP/VOLT_TO_DB.mdx
+++ b/docs/src/content/docs/blocks/DSP/VOLT_TO_DB.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/DSP/VOLT_TO_DB/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/EXTRACT/DATAFRAME/EXTRACT_COLUMNS.mdx b/docs/src/content/docs/blocks/ETL/EXTRACT/DATAFRAME/EXTRACT_COLUMNS.mdx
index 264ed17f9..5c5dbc35b 100644
--- a/docs/src/content/docs/blocks/ETL/EXTRACT/DATAFRAME/EXTRACT_COLUMNS.mdx
+++ b/docs/src/content/docs/blocks/ETL/EXTRACT/DATAFRAME/EXTRACT_COLUMNS.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/EXTRACT/DATAFRAME/EXTRACT_COLUMNS/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/OPEN_IMAGE.mdx b/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/OPEN_IMAGE.mdx
index 14eaed242..971aa673a 100644
--- a/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/OPEN_IMAGE.mdx
+++ b/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/OPEN_IMAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/EXTRACT/FILE/OPEN_IMAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/OPEN_PARQUET.mdx b/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/OPEN_PARQUET.mdx
index f065d9fa3..f2ca6ffc7 100644
--- a/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/OPEN_PARQUET.mdx
+++ b/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/OPEN_PARQUET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/EXTRACT/FILE/OPEN_PARQUET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/READ_CSV.mdx b/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/READ_CSV.mdx
index f49d06755..895d62f9e 100644
--- a/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/READ_CSV.mdx
+++ b/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/READ_CSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/EXTRACT/FILE/READ_CSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/READ_S3.mdx b/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/READ_S3.mdx
index d03617165..d9bf1e5e6 100644
--- a/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/READ_S3.mdx
+++ b/docs/src/content/docs/blocks/ETL/EXTRACT/FILE/READ_S3.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/EXTRACT/FILE/READ_S3/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_DOWNLOAD.mdx b/docs/src/content/docs/blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_DOWNLOAD.mdx
index b9b104140..f2ac5ac49 100644
--- a/docs/src/content/docs/blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_DOWNLOAD.mdx
+++ b/docs/src/content/docs/blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_DOWNLOAD.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_DOWNLOAD/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_UPLOAD.mdx b/docs/src/content/docs/blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_UPLOAD.mdx
index e4a8c502f..be59e6f40 100644
--- a/docs/src/content/docs/blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_UPLOAD.mdx
+++ b/docs/src/content/docs/blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_UPLOAD.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/LOAD/CLOUD_DATABASE/FLOJOY_CLOUD_UPLOAD/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/BATCH_PROCESSOR.mdx b/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/BATCH_PROCESSOR.mdx
index 357f63466..17fb534f2 100644
--- a/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/BATCH_PROCESSOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/BATCH_PROCESSOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/BATCH_PROCESSOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/LOCAL_FILE.mdx b/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/LOCAL_FILE.mdx
index b6861675c..9c741d175 100644
--- a/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/LOCAL_FILE.mdx
+++ b/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/LOCAL_FILE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/LOCAL_FILE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/OPEN_MATLAB.mdx b/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/OPEN_MATLAB.mdx
index 1ee58aa69..acdb3b301 100644
--- a/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/OPEN_MATLAB.mdx
+++ b/docs/src/content/docs/blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/OPEN_MATLAB.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/LOAD/LOCAL_FILE_SYSTEM/OPEN_MATLAB/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/LOAD/REMOTE_FILE_SYSTEM/REMOTE_FILE.mdx b/docs/src/content/docs/blocks/ETL/LOAD/REMOTE_FILE_SYSTEM/REMOTE_FILE.mdx
index e4305da80..f29ca6cf4 100644
--- a/docs/src/content/docs/blocks/ETL/LOAD/REMOTE_FILE_SYSTEM/REMOTE_FILE.mdx
+++ b/docs/src/content/docs/blocks/ETL/LOAD/REMOTE_FILE_SYSTEM/REMOTE_FILE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/LOAD/REMOTE_FILE_SYSTEM/REMOTE_FILE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/DOT_PRODUCT.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/DOT_PRODUCT.mdx
index 837206b6c..c7736e4aa 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/DOT_PRODUCT.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/DOT_PRODUCT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/DOT_PRODUCT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/INVERT.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/INVERT.mdx
index 932c4d8de..0694a631a 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/INVERT.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/INVERT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/INVERT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/MATMUL.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/MATMUL.mdx
index 2b23619d6..5fe963c77 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/MATMUL.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/MATMUL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/MATMUL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SHUFFLE_MATRIX.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SHUFFLE_MATRIX.mdx
index dc288f3f8..6e954f9e2 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SHUFFLE_MATRIX.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SHUFFLE_MATRIX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SHUFFLE_MATRIX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SORT_MATRIX.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SORT_MATRIX.mdx
index 2a5a5d811..7da9b05c9 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SORT_MATRIX.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SORT_MATRIX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/SORT_MATRIX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/TRANSPOSE_MATRIX.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/TRANSPOSE_MATRIX.mdx
index 5ffab1400..0f1a3fcd7 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/TRANSPOSE_MATRIX.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/TRANSPOSE_MATRIX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/MATRIX_MANIPULATION/TRANSPOSE_MATRIX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_DELETE.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_DELETE.mdx
index 98577725b..0793846c9 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_DELETE.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_DELETE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_DELETE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_INDEXING.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_INDEXING.mdx
index de6797f0a..7ec27e327 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_INDEXING.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_INDEXING.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_INDEXING/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_LENGTH.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_LENGTH.mdx
index e69d2d957..91e7811fa 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_LENGTH.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_LENGTH.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_LENGTH/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_XY_INVERT.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_XY_INVERT.mdx
index 9a896f3e7..1bd196218 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_XY_INVERT.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_XY_INVERT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/ORDERED_PAIR_MANIPULATION/ORDERED_PAIR_XY_INVERT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TEXT_MANIPULATION/TEXT_CONCAT.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TEXT_MANIPULATION/TEXT_CONCAT.mdx
index 9b869f71e..7c7c0bda3 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TEXT_MANIPULATION/TEXT_CONCAT.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TEXT_MANIPULATION/TEXT_CONCAT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TEXT_MANIPULATION/TEXT_CONCAT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/BOOLEAN_2_SCALAR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/BOOLEAN_2_SCALAR.mdx
index ef76368e0..5760d1550 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/BOOLEAN_2_SCALAR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/BOOLEAN_2_SCALAR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/BOOLEAN_2_SCALAR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_NP.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_NP.mdx
index f4512b5b7..7c09a9ed7 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_NP.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_NP.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_NP/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_ORDERED_TRIPLE.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_ORDERED_TRIPLE.mdx
index 1c8bc24c8..273062ef8 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_ORDERED_TRIPLE.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_ORDERED_TRIPLE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/DF_2_ORDERED_TRIPLE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/MATRIX_2_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/MATRIX_2_VECTOR.mdx
index 2d2032f09..4781e58e5 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/MATRIX_2_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/MATRIX_2_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/MATRIX_2_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/MAT_2_DF.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/MAT_2_DF.mdx
index d4a08ea70..be8ae5a07 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/MAT_2_DF.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/MAT_2_DF.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/MAT_2_DF/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/NP_2_DF.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/NP_2_DF.mdx
index 17fa55bc8..b1588afb5 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/NP_2_DF.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/NP_2_DF.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/NP_2_DF/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_PAIR_2_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_PAIR_2_VECTOR.mdx
index 6673d90b7..3b446d8ca 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_PAIR_2_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_PAIR_2_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_PAIR_2_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_TRIPLE_2_SURFACE.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_TRIPLE_2_SURFACE.mdx
index 0bf022ec9..e6d51f4fe 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_TRIPLE_2_SURFACE.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_TRIPLE_2_SURFACE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/ORDERED_TRIPLE_2_SURFACE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_MATRIX.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_MATRIX.mdx
index ade8474c9..326202be4 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_MATRIX.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_MATRIX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_MATRIX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_ORDERED_PAIR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_ORDERED_PAIR.mdx
index d4dc235e3..c3ff4fc19 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_ORDERED_PAIR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_ORDERED_PAIR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_ORDERED_PAIR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_SCALAR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_SCALAR.mdx
index aa2e3ba18..b977c9f65 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_SCALAR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_SCALAR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/TYPE_CASTING/VECTOR_2_SCALAR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/DECIMATE_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/DECIMATE_VECTOR.mdx
index 1d670aaa7..eb271e0a2 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/DECIMATE_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/DECIMATE_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/DECIMATE_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/INTERLEAVE_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/INTERLEAVE_VECTOR.mdx
index c005cbdff..303035bc6 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/INTERLEAVE_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/INTERLEAVE_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/INTERLEAVE_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REMOVE_DUPLICATES_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REMOVE_DUPLICATES_VECTOR.mdx
index 0229cba77..e78881c8b 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REMOVE_DUPLICATES_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REMOVE_DUPLICATES_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REMOVE_DUPLICATES_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REPLACE_SUBSET.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REPLACE_SUBSET.mdx
index ed28b75bb..aee60cbdc 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REPLACE_SUBSET.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REPLACE_SUBSET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REPLACE_SUBSET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REVERSE_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REVERSE_VECTOR.mdx
index 152054efa..1f35991cc 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REVERSE_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REVERSE_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/REVERSE_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHIFT_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHIFT_VECTOR.mdx
index c6e1d74b4..82f86e20a 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHIFT_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHIFT_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHIFT_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHUFFLE_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHUFFLE_VECTOR.mdx
index ed1022afc..99420a5d3 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHUFFLE_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHUFFLE_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SHUFFLE_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SORT_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SORT_VECTOR.mdx
index ff5e0c410..2a2ca9f01 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SORT_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SORT_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SORT_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SPLIT_VECTOR.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SPLIT_VECTOR.mdx
index 15d286afc..08080d7f0 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SPLIT_VECTOR.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SPLIT_VECTOR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/SPLIT_VECTOR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_DELETE.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_DELETE.mdx
index c8a7cae8b..ef8ec11d1 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_DELETE.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_DELETE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_DELETE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INDEXING.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INDEXING.mdx
index 80b079785..076a7fe5f 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INDEXING.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INDEXING.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INDEXING/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INSERT.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INSERT.mdx
index bf35cbf51..f5e9c563d 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INSERT.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INSERT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_INSERT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_LENGTH.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_LENGTH.mdx
index c2c768769..921120f71 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_LENGTH.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_LENGTH.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_LENGTH/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MAX.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MAX.mdx
index 8fb629796..04cf43ad0 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MAX.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MAX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MAX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MIN.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MIN.mdx
index cbc3172ad..14897b3d1 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MIN.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MIN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_MIN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_SUBSET.mdx b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_SUBSET.mdx
index 7ca485c66..3dc36eba4 100644
--- a/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_SUBSET.mdx
+++ b/docs/src/content/docs/blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_SUBSET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/ETL/TRANSFORM/VECTOR_MANIPULATION/VECTOR_SUBSET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ATTENUATORS/LDA/LDA602/ATTENUATION_LDA602.mdx b/docs/src/content/docs/blocks/HARDWARE/ATTENUATORS/LDA/LDA602/ATTENUATION_LDA602.mdx
index a578827a8..5e077f510 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ATTENUATORS/LDA/LDA602/ATTENUATION_LDA602.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ATTENUATORS/LDA/LDA602/ATTENUATION_LDA602.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ATTENUATORS/LDA/LDA602/ATTENUATION_LDA602/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/AUDIO/RECORD_AUDIO.mdx b/docs/src/content/docs/blocks/HARDWARE/AUDIO/RECORD_AUDIO.mdx
index 2724f0b96..52b416602 100644
--- a/docs/src/content/docs/blocks/HARDWARE/AUDIO/RECORD_AUDIO.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/AUDIO/RECORD_AUDIO.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/AUDIO/RECORD_AUDIO/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/LABJACK/U3/READ_A0_PINS.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/LABJACK/U3/READ_A0_PINS.mdx
index 8e8e321d3..e599c3834 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/LABJACK/U3/READ_A0_PINS.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/LABJACK/U3/READ_A0_PINS.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/LABJACK/U3/READ_A0_PINS/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_ACCELEROMETER.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_ACCELEROMETER.mdx
index 942a5e252..af3cf6406 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_ACCELEROMETER.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_ACCELEROMETER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_ACCELEROMETER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_CURRENT.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_CURRENT.mdx
index 479116dca..0ff339575 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_CURRENT.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_CURRENT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_CURRENT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_STRAIN_GAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_STRAIN_GAGE.mdx
index 9075d0945..a19a48ddf 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_STRAIN_GAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_STRAIN_GAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_STRAIN_GAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_THERMOCOUPLE.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_THERMOCOUPLE.mdx
index 6453c21ac..97743224b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_THERMOCOUPLE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_THERMOCOUPLE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_THERMOCOUPLE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_VOLTAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_VOLTAGE.mdx
index d6b48ea0f..60298ffd2 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_VOLTAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_VOLTAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/ATTACH_ANALOG_INPUT_VOLTAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_INPUT_STREAM.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_INPUT_STREAM.mdx
index 2fc421157..59cf405c9 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_INPUT_STREAM.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_INPUT_STREAM.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_INPUT_STREAM/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_TASK_SAMPLE_CLOCK_TIMING.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_TASK_SAMPLE_CLOCK_TIMING.mdx
index c609b937d..68924ddc7 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_TASK_SAMPLE_CLOCK_TIMING.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_TASK_SAMPLE_CLOCK_TIMING.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CONFIG_TASK_SAMPLE_CLOCK_TIMING/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CREATE_TASK.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CREATE_TASK.mdx
index d8880b9cd..0b05931ac 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CREATE_TASK.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CREATE_TASK.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/CREATE_TASK/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM.mdx
index 69e551c8b..98e713b89 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM_INTO_BUFFER.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM_INTO_BUFFER.mdx
index 85dc6a19e..69c33bbe4 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM_INTO_BUFFER.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM_INTO_BUFFER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_INPUT_STREAM_INTO_BUFFER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_TASK.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_TASK.mdx
index 7fdeb84c4..b8cddcb81 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_TASK.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_TASK.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/READ_TASK/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/TASK_WAIT_UNTIL_DONE.mdx b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/TASK_WAIT_UNTIL_DONE.mdx
index 3eb6f99a5..979fba0d7 100644
--- a/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/TASK_WAIT_UNTIL_DONE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/TASK_WAIT_UNTIL_DONE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/DAQ_BOARDS/NATIONAL_INSTRUMENTS/COMPACT_DAQ/TASK_WAIT_UNTIL_DONE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/AMPLITUDE_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/AMPLITUDE_33120A.mdx
index 2c0574f80..ddebec063 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/AMPLITUDE_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/AMPLITUDE_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/AMPLITUDE_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/CLEAR_BUFFER_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/CLEAR_BUFFER_33120A.mdx
index 6e2d50ef0..e04ef9410 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/CLEAR_BUFFER_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/CLEAR_BUFFER_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/CLEAR_BUFFER_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/DUTY_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/DUTY_33120A.mdx
index 9ba40b6cb..b9d5f9f94 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/DUTY_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/DUTY_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/DUTY_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/ERRORS_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/ERRORS_33120A.mdx
index f1631ea71..071e318f6 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/ERRORS_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/ERRORS_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/ERRORS_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FREQUENCY_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FREQUENCY_33120A.mdx
index 00e1d0b16..35c5b3244 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FREQUENCY_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FREQUENCY_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FREQUENCY_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FUNCTION_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FUNCTION_33120A.mdx
index 1b5c42e09..9806680b8 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FUNCTION_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FUNCTION_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/FUNCTION_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/IMPEDANCE_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/IMPEDANCE_33120A.mdx
index ef7a692ce..8ecc68e27 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/IMPEDANCE_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/IMPEDANCE_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/IMPEDANCE_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/OFFSET_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/OFFSET_33120A.mdx
index 8f7c61cc0..6286868cb 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/OFFSET_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/OFFSET_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/OFFSET_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RECALL_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RECALL_33120A.mdx
index 016c304c0..b53a519bd 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RECALL_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RECALL_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RECALL_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RESET_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RESET_33120A.mdx
index fe0d4c7c2..c16f780f9 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RESET_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RESET_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/RESET_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/SAVE_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/SAVE_33120A.mdx
index bb9598df5..1b11e244c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/SAVE_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/SAVE_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/SAVE_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/TRIGGER_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/TRIGGER_33120A.mdx
index be659f1e6..8f66e6d2e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/TRIGGER_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/TRIGGER_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/TRIGGER_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/VOLT_UNIT_33120A.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/VOLT_UNIT_33120A.mdx
index 811df74dd..ac2433719 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/VOLT_UNIT_33120A.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/VOLT_UNIT_33120A.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/HP/33120A/VOLT_UNIT_33120A/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/BURST_MODE_33510B.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/BURST_MODE_33510B.mdx
index 1f3de3304..786203b62 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/BURST_MODE_33510B.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/BURST_MODE_33510B.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/BURST_MODE_33510B/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/CONNECTION_33510B.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/CONNECTION_33510B.mdx
index b1ec2563d..7b31c34c9 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/CONNECTION_33510B.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/CONNECTION_33510B.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/CONNECTION_33510B/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/ON_OFF_33510B.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/ON_OFF_33510B.mdx
index 39771544c..0edac387b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/ON_OFF_33510B.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/ON_OFF_33510B.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/ON_OFF_33510B/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/OUTPUT_SYNC_33510B.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/OUTPUT_SYNC_33510B.mdx
index b7b2e1f7b..8555b1bd2 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/OUTPUT_SYNC_33510B.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/OUTPUT_SYNC_33510B.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/OUTPUT_SYNC_33510B/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/RETURN_ERRORS_33510B.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/RETURN_ERRORS_33510B.mdx
index 59dc99b5c..4f83a5705 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/RETURN_ERRORS_33510B.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/RETURN_ERRORS_33510B.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/RETURN_ERRORS_33510B/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/SET_WAVEFORM_33510B.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/SET_WAVEFORM_33510B.mdx
index 1af29e99a..365827bea 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/SET_WAVEFORM_33510B.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/SET_WAVEFORM_33510B.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/KEYSIGHT/33XXX/SET_WAVEFORM_33510B/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ALIGN_PHASES_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ALIGN_PHASES_AFG31000.mdx
index e251c008d..0a6a82d9e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ALIGN_PHASES_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ALIGN_PHASES_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ALIGN_PHASES_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ARBITRARY_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ARBITRARY_AFG31000.mdx
index ad9595f03..826e14eb4 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ARBITRARY_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ARBITRARY_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/ARBITRARY_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/BASIC_PARAMETERS_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/BASIC_PARAMETERS_AFG31000.mdx
index ad98f2af8..1ea6fc80b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/BASIC_PARAMETERS_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/BASIC_PARAMETERS_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/BASIC_PARAMETERS_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/CONNECT_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/CONNECT_AFG31000.mdx
index 2ca96051f..6a7be4987 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/CONNECT_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/CONNECT_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/CONNECT_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/COPY_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/COPY_AFG31000.mdx
index d769dcbd9..20fc9799e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/COPY_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/COPY_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/COPY_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/FUNCTION_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/FUNCTION_AFG31000.mdx
index 8d6b56e68..a677c2465 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/FUNCTION_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/FUNCTION_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/FUNCTION_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/INPUT_PARAM_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/INPUT_PARAM_AFG31000.mdx
index 2f57687a5..4a0709bad 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/INPUT_PARAM_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/INPUT_PARAM_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/INPUT_PARAM_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/OUTPUT_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/OUTPUT_AFG31000.mdx
index d0a06a8b7..e40995926 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/OUTPUT_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/OUTPUT_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/OUTPUT_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/RESET_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/RESET_AFG31000.mdx
index 9fa8cff02..63b9adced 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/RESET_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/RESET_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/RESET_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/SAVE_STATE_AFG31000.mdx b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/SAVE_STATE_AFG31000.mdx
index df1d3fb1b..6ce49d4a3 100644
--- a/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/SAVE_STATE_AFG31000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/SAVE_STATE_AFG31000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/FUNCTION_GENERATORS/TEKTRONIX/AFG31000/SAVE_STATE_AFG31000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/IMAGING/OPEN_WEBCAM.mdx b/docs/src/content/docs/blocks/HARDWARE/IMAGING/OPEN_WEBCAM.mdx
index 740ed32e0..aca6c5863 100644
--- a/docs/src/content/docs/blocks/HARDWARE/IMAGING/OPEN_WEBCAM.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/IMAGING/OPEN_WEBCAM.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/IMAGING/OPEN_WEBCAM/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/IMAGING/WEBCAM.mdx b/docs/src/content/docs/blocks/HARDWARE/IMAGING/WEBCAM.mdx
index 1c18f280d..673ad5410 100644
--- a/docs/src/content/docs/blocks/HARDWARE/IMAGING/WEBCAM.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/IMAGING/WEBCAM.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/IMAGING/WEBCAM/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_CALIBRATE.mdx b/docs/src/content/docs/blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_CALIBRATE.mdx
index 09aa3bbfa..1e6062b91 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_CALIBRATE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_CALIBRATE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_CALIBRATE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_SET_VELOCITY.mdx b/docs/src/content/docs/blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_SET_VELOCITY.mdx
index 2c4200168..1b3426212 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_SET_VELOCITY.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_SET_VELOCITY.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MOTORS/BLDC/TINYMOVR/TINYMOVR_SET_VELOCITY/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC.mdx b/docs/src/content/docs/blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC.mdx
index 66c4c8fc3..f8c54ed3b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC_KNOB.mdx b/docs/src/content/docs/blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC_KNOB.mdx
index dbf95ab3b..d1f36dfbf 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC_KNOB.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC_KNOB.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MOTORS/STEPPER/POLULU/TIC_KNOB/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/CONNECT_DMM7510.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/CONNECT_DMM7510.mdx
index bce214c4b..c9d0c3b96 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/CONNECT_DMM7510.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/CONNECT_DMM7510.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/CONNECT_DMM7510/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITIZED_TIME_DMM7510.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITIZED_TIME_DMM7510.mdx
index d4d436568..d404de17f 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITIZED_TIME_DMM7510.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITIZED_TIME_DMM7510.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITIZED_TIME_DMM7510/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITS_DMM7510.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITS_DMM7510.mdx
index f5cc542d6..796bffb1c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITS_DMM7510.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITS_DMM7510.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/DIGITS_DMM7510/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/FUNCTION_DMM7510.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/FUNCTION_DMM7510.mdx
index 8c71aab05..261e58d29 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/FUNCTION_DMM7510.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/FUNCTION_DMM7510.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/FUNCTION_DMM7510/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_FILTER_DMM7510.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_FILTER_DMM7510.mdx
index 28fdb64ca..9e53ba56c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_FILTER_DMM7510.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_FILTER_DMM7510.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_FILTER_DMM7510/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_PARAMS_DMM7510.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_PARAMS_DMM7510.mdx
index 51d1c19d6..0ac429ddc 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_PARAMS_DMM7510.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_PARAMS_DMM7510.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/MEASUREMENT_PARAMS_DMM7510/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/READ_MEASUREMENT_DMM7510.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/READ_MEASUREMENT_DMM7510.mdx
index 5467d782b..f96e5e236 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/READ_MEASUREMENT_DMM7510.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/READ_MEASUREMENT_DMM7510.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/READ_MEASUREMENT_DMM7510/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/RESET_DMM7510.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/RESET_DMM7510.mdx
index ff3b610f6..3d85ac4ec 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/RESET_DMM7510.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/RESET_DMM7510.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/KEITHLEY/DMM7510/RESET_DMM7510/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_CURRENT_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_CURRENT_USB4065.mdx
index 5a3177850..a638d67a3 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_CURRENT_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_CURRENT_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_CURRENT_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_VOLTAGE_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_VOLTAGE_USB4065.mdx
index dc4728420..f58ec432d 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_VOLTAGE_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_VOLTAGE_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/AC_VOLTAGE_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/CONNECTION_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/CONNECTION_USB4065.mdx
index d8a1775f7..ed6e6cb89 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/CONNECTION_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/CONNECTION_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/CONNECTION_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_CURRENT_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_CURRENT_USB4065.mdx
index 70bf1deb1..91757270c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_CURRENT_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_CURRENT_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_CURRENT_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_VOLTAGE_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_VOLTAGE_USB4065.mdx
index e541dd853..2abfc2e62 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_VOLTAGE_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_VOLTAGE_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DC_VOLTAGE_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DIODE_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DIODE_USB4065.mdx
index 88abb24cd..5083f1b93 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DIODE_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DIODE_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/DIODE_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/READ_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/READ_USB4065.mdx
index 623b5f6ab..6657668bf 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/READ_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/READ_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/READ_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_4W_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_4W_USB4065.mdx
index 1d0be7ffe..4444ec226 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_4W_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_4W_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_4W_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_USB4065.mdx b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_USB4065.mdx
index 8210df4cb..3e04ee6c6 100644
--- a/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_USB4065.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_USB4065.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/MULTIMETERS/NI/USB_4065/RESISTANCE_USB4065/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/CONNECTION_2000.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/CONNECTION_2000.mdx
index 36c7fa232..060e27fa9 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/CONNECTION_2000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/CONNECTION_2000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/CONNECTION_2000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/EXTRACT_TRACE_2000.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/EXTRACT_TRACE_2000.mdx
index c5fed9fc0..ca8aa937c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/EXTRACT_TRACE_2000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/EXTRACT_TRACE_2000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/EXTRACT_TRACE_2000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/FUNCTION_GENERATION_2000.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/FUNCTION_GENERATION_2000.mdx
index 547258592..1499a04f2 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/FUNCTION_GENERATION_2000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/FUNCTION_GENERATION_2000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/PICO/PICO2000/FUNCTION_GENERATION_2000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CHANNEL_ON_OFF_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CHANNEL_ON_OFF_DS1074Z.mdx
index 8287432bb..ad67ee67d 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CHANNEL_ON_OFF_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CHANNEL_ON_OFF_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CHANNEL_ON_OFF_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CONNECTION_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CONNECTION_DS1074Z.mdx
index 695119aef..936c83c78 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CONNECTION_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CONNECTION_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/CONNECTION_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_ON_OFF_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_ON_OFF_DS1074Z.mdx
index c641db4b3..1b972ba73 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_ON_OFF_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_ON_OFF_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_ON_OFF_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRACE_DS1047Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRACE_DS1047Z.mdx
index 1f1ca3272..8961ec08c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRACE_DS1047Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRACE_DS1047Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRACE_DS1047Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRIGGER_DS1047Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRIGGER_DS1047Z.mdx
index f45d21318..fcadf4e35 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRIGGER_DS1047Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRIGGER_DS1047Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/DIGITAL_TRIGGER_DS1047Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/EXTRACT_TRACE_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/EXTRACT_TRACE_DS1074Z.mdx
index 174497aef..dfa40a131 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/EXTRACT_TRACE_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/EXTRACT_TRACE_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/EXTRACT_TRACE_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/FUNCTION_GENERATOR_DS1047Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/FUNCTION_GENERATOR_DS1047Z.mdx
index 57d5ccfaf..541bee0b1 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/FUNCTION_GENERATOR_DS1047Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/FUNCTION_GENERATOR_DS1047Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/FUNCTION_GENERATOR_DS1047Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/MEASUREMENT_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/MEASUREMENT_DS1074Z.mdx
index 22a40788b..c415cbf45 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/MEASUREMENT_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/MEASUREMENT_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/MEASUREMENT_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SIGNAL_FACTOR_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SIGNAL_FACTOR_DS1074Z.mdx
index 10b4e4496..f2c3d137d 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SIGNAL_FACTOR_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SIGNAL_FACTOR_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SIGNAL_FACTOR_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SINGLE_TRIGGER_DS1047Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SINGLE_TRIGGER_DS1047Z.mdx
index b91401eb4..5134c85ae 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SINGLE_TRIGGER_DS1047Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SINGLE_TRIGGER_DS1047Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/SINGLE_TRIGGER_DS1047Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TIME_AXIS_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TIME_AXIS_DS1074Z.mdx
index a86d0fdf0..0c2a863c9 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TIME_AXIS_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TIME_AXIS_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TIME_AXIS_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TRIGGER_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TRIGGER_DS1074Z.mdx
index c070efaf1..6402cdc38 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TRIGGER_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TRIGGER_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/TRIGGER_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/VERTICAL_AXIS_DS1074Z.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/VERTICAL_AXIS_DS1074Z.mdx
index 046b8074e..4d8ebe6da 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/VERTICAL_AXIS_DS1074Z.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/VERTICAL_AXIS_DS1074Z.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/RIGOL/DS1074Z/VERTICAL_AXIS_DS1074Z/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/ADVANCED_MEASUREMENTS_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/ADVANCED_MEASUREMENTS_MDO3XXX.mdx
index 44b5f4dd7..ae0f392ec 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/ADVANCED_MEASUREMENTS_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/ADVANCED_MEASUREMENTS_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/ADVANCED_MEASUREMENTS_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/CONNECTION_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/CONNECTION_MDO3XXX.mdx
index f1dd98d6f..4d0aead59 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/CONNECTION_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/CONNECTION_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/CONNECTION_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/EXTRACT_TRACE_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/EXTRACT_TRACE_MDO3XXX.mdx
index e1074705d..e5637c442 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/EXTRACT_TRACE_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/EXTRACT_TRACE_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/EXTRACT_TRACE_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASUREMENTS_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASUREMENTS_MDO3XXX.mdx
index df145c4af..a55c3361e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASUREMENTS_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASUREMENTS_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASUREMENTS_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASURE_PHASE_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASURE_PHASE_MDO3XXX.mdx
index b896afb58..ce7d0391e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASURE_PHASE_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASURE_PHASE_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/MEASURE_PHASE_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TERMINATION_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TERMINATION_MDO3XXX.mdx
index 297fe108a..f0b892a79 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TERMINATION_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TERMINATION_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TERMINATION_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_CHANNEL_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_CHANNEL_MDO3XXX.mdx
index 9b1296107..1d7abc56a 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_CHANNEL_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_CHANNEL_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_CHANNEL_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_LEVEL_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_LEVEL_MDO3XXX.mdx
index 509be6fe4..e83130793 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_LEVEL_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_LEVEL_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_LEVEL_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_SETTINGS_MDO3XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_SETTINGS_MDO3XXX.mdx
index 2ad87f045..941af1820 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_SETTINGS_MDO3XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_SETTINGS_MDO3XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MDO3XXX/TRIGGER_SETTINGS_MDO3XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/AFG_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/AFG_MSO2X.mdx
index b18e9b233..25e0fe3f6 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/AFG_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/AFG_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/AFG_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CHANNEL_DISPLAY_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CHANNEL_DISPLAY_MSO2X.mdx
index 78c7b6236..d7664ad7b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CHANNEL_DISPLAY_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CHANNEL_DISPLAY_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CHANNEL_DISPLAY_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CONNECT_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CONNECT_MSO2X.mdx
index e00fdc8c4..08df60666 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CONNECT_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CONNECT_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/CONNECT_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DECODE_I2C_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DECODE_I2C_MSO2X.mdx
index 70fec173e..b1f910c19 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DECODE_I2C_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DECODE_I2C_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DECODE_I2C_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DIGITAL_CHANNELS_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DIGITAL_CHANNELS_MSO2X.mdx
index aa21d3932..9f7773260 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DIGITAL_CHANNELS_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DIGITAL_CHANNELS_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/DIGITAL_CHANNELS_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/EDGE_TRIGGER_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/EDGE_TRIGGER_MSO2X.mdx
index 1456b8952..0568d1a9d 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/EDGE_TRIGGER_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/EDGE_TRIGGER_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/EDGE_TRIGGER_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_POSITION_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_POSITION_MSO2X.mdx
index b3d3562cd..3cc6fbbcc 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_POSITION_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_POSITION_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_POSITION_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_SCALE_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_SCALE_MSO2X.mdx
index cd970173e..fda70723f 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_SCALE_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_SCALE_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/HORIZONTAL_SCALE_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/I2C_TRIGGER_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/I2C_TRIGGER_MSO2X.mdx
index bd3264a57..33699e4be 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/I2C_TRIGGER_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/I2C_TRIGGER_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/I2C_TRIGGER_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/MEASUREMENT_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/MEASUREMENT_MSO2X.mdx
index 9bac17b73..e47e85f37 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/MEASUREMENT_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/MEASUREMENT_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/MEASUREMENT_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/PROBE_ATTENUATION_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/PROBE_ATTENUATION_MSO2X.mdx
index 698a97aa0..d7001e556 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/PROBE_ATTENUATION_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/PROBE_ATTENUATION_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/PROBE_ATTENUATION_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/QUERY_CURVE_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/QUERY_CURVE_MSO2X.mdx
index 3976851b9..975cb0a3c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/QUERY_CURVE_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/QUERY_CURVE_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/QUERY_CURVE_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SCREENSHOT_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SCREENSHOT_MSO2X.mdx
index 8ca82a463..8491c7c2b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SCREENSHOT_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SCREENSHOT_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SCREENSHOT_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SETUP_FILE_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SETUP_FILE_MSO2X.mdx
index 82dbbe187..2268da8eb 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SETUP_FILE_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SETUP_FILE_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SETUP_FILE_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SINGLE_TRIGGER_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SINGLE_TRIGGER_MSO2X.mdx
index 289b11826..231f785dc 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SINGLE_TRIGGER_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SINGLE_TRIGGER_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/SINGLE_TRIGGER_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_POSITION_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_POSITION_MSO2X.mdx
index 533e13c9d..6644591e8 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_POSITION_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_POSITION_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_POSITION_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_SCALE_MSO2X.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_SCALE_MSO2X.mdx
index 7f350e1a0..af0f0d7c6 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_SCALE_MSO2X.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_SCALE_MSO2X.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TEKTRONIX/MSO2X/VERTICAL_SCALE_MSO2X/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/AUTO_SETUP_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/AUTO_SETUP_T3DSO1XXX.mdx
index f7df03da9..62db8c85e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/AUTO_SETUP_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/AUTO_SETUP_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/AUTO_SETUP_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/CONNECT_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/CONNECT_T3DSO1XXX.mdx
index f469c7940..edd1f7117 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/CONNECT_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/CONNECT_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/CONNECT_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/DISPLAY_ON_OFF_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/DISPLAY_ON_OFF_T3DSO1XXX.mdx
index db06f06c5..787b66233 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/DISPLAY_ON_OFF_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/DISPLAY_ON_OFF_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/DISPLAY_ON_OFF_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_DIGITAL_TRACE_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_DIGITAL_TRACE_T3DSO1XXX.mdx
index e01987da7..a4b8dad5c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_DIGITAL_TRACE_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_DIGITAL_TRACE_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_DIGITAL_TRACE_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_TRACE_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_TRACE_T3DSO1XXX.mdx
index 4a6cbdf7a..5af4502fd 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_TRACE_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_TRACE_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/EXTRACT_TRACE_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/MEASUREMENT_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/MEASUREMENT_T3DSO1XXX.mdx
index 853cbb20e..55f2a721e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/MEASUREMENT_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/MEASUREMENT_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/MEASUREMENT_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/RESET_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/RESET_T3DSO1XXX.mdx
index 24a5468b5..95db889d3 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/RESET_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/RESET_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/RESET_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SCREENSHOT_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SCREENSHOT_T3DSO1XXX.mdx
index 73fd83f51..46ab7c545 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SCREENSHOT_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SCREENSHOT_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SCREENSHOT_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_HORIZONTAL_SCALE_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_HORIZONTAL_SCALE_T3DSO1XXX.mdx
index 8a802f0ae..7977695a1 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_HORIZONTAL_SCALE_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_HORIZONTAL_SCALE_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_HORIZONTAL_SCALE_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_VERTICAL_SCALE_T3DSO1XXX.mdx b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_VERTICAL_SCALE_T3DSO1XXX.mdx
index ee1d2ec50..6e87fa085 100644
--- a/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_VERTICAL_SCALE_T3DSO1XXX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_VERTICAL_SCALE_T3DSO1XXX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/OSCILLOSCOPES/TELEDYNE_LECROY/T3DSO1XXX/SET_VERTICAL_SCALE_T3DSO1XXX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/CANABLE_CONNECT.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/CANABLE_CONNECT.mdx
index b84a1e2c3..523f4413c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/CANABLE_CONNECT.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/CANABLE_CONNECT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/CANABLE_CONNECT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_CONNECT.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_CONNECT.mdx
index f6378d86c..ab92b908c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_CONNECT.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_CONNECT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_CONNECT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_DETECT_AVAILABLE_DEVICES.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_DETECT_AVAILABLE_DEVICES.mdx
index 27d8ce609..07168f85c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_DETECT_AVAILABLE_DEVICES.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_DETECT_AVAILABLE_DEVICES.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/PEAK_DETECT_AVAILABLE_DEVICES/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/RECEIVE_CAN_MESSAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/RECEIVE_CAN_MESSAGE.mdx
index 049558749..4291328eb 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/RECEIVE_CAN_MESSAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/RECEIVE_CAN_MESSAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/RECEIVE_CAN_MESSAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/REMOVE_CAN_BUS_FILTER.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/REMOVE_CAN_BUS_FILTER.mdx
index 5c5c965bd..35875190f 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/REMOVE_CAN_BUS_FILTER.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/REMOVE_CAN_BUS_FILTER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/REMOVE_CAN_BUS_FILTER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_CAN_MESSAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_CAN_MESSAGE.mdx
index b04b3771c..be01e45a0 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_CAN_MESSAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_CAN_MESSAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_CAN_MESSAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_PERIODIC_CAN_MESSAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_PERIODIC_CAN_MESSAGE.mdx
index 45ee6eb75..91378b666 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_PERIODIC_CAN_MESSAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_PERIODIC_CAN_MESSAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/SEND_PERIODIC_CAN_MESSAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SET_CAN_BUS_FILTER.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SET_CAN_BUS_FILTER.mdx
index 8d0f937db..b9d254499 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SET_CAN_BUS_FILTER.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/SET_CAN_BUS_FILTER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/SET_CAN_BUS_FILTER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/STOP_SEND_PERIODIC_CAN_MESSAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/STOP_SEND_PERIODIC_CAN_MESSAGE.mdx
index c32232127..962dfb967 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/STOP_SEND_PERIODIC_CAN_MESSAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/BUS/STOP_SEND_PERIODIC_CAN_MESSAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/BUS/STOP_SEND_PERIODIC_CAN_MESSAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/CSS_ELECTRONICS/READ_LOG_FILE_CL2000.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/CSS_ELECTRONICS/READ_LOG_FILE_CL2000.mdx
index f7f96a358..1b587e29e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/CSS_ELECTRONICS/READ_LOG_FILE_CL2000.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/CSS_ELECTRONICS/READ_LOG_FILE_CL2000.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/CSS_ELECTRONICS/READ_LOG_FILE_CL2000/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/CREATE_CAN_MESSAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/CREATE_CAN_MESSAGE.mdx
index bf6a50a87..2bd482aa0 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/CREATE_CAN_MESSAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/CREATE_CAN_MESSAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/CREATE_CAN_MESSAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/DECODE_CAN_MESSAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/DECODE_CAN_MESSAGE.mdx
index f7d73e257..e26b48d7a 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/DECODE_CAN_MESSAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/DECODE_CAN_MESSAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/DECODE_CAN_MESSAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ERROR.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ERROR.mdx
index e8400364a..3e9269803 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ERROR.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ERROR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ERROR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ID.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ID.mdx
index 8e9fa7713..d28e47472 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ID.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ID.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/FILTER_CAN_MESSAGE_BY_ID/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/LOAD_DBC.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/LOAD_DBC.mdx
index 35618d60f..7c68cc43a 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/LOAD_DBC.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/LOAD_DBC.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/LOAD_DBC/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CLOSE_WRITER.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CLOSE_WRITER.mdx
index 0b1617dcb..1c4433d4e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CLOSE_WRITER.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CLOSE_WRITER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CLOSE_WRITER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_READER.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_READER.mdx
index 2899a4a2c..f9a4aecda 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_READER.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_READER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_READER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_WRITER.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_WRITER.mdx
index 7b3cbc154..581a33140 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_WRITER.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_WRITER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_CREATE_WRITER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_WRITE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_WRITE.mdx
index 3a4780342..f1744ba24 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_WRITE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_WRITE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/CAN/UTILS/MF4_WRITE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_ADDR.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_ADDR.mdx
index a28f6fa56..c63ed2f9d 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_ADDR.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_ADDR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_ADDR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_AUTO.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_AUTO.mdx
index 03b219333..8d4f76555 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_AUTO.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_AUTO.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_AUTO/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_EOI.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_EOI.mdx
index d9d1671bf..f9b5604ad 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_EOI.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_EOI.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_EOI/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_HELP.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_HELP.mdx
index 1f10614f4..7b44fd164 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_HELP.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_HELP.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_HELP/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_MODE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_MODE.mdx
index 9fdd1f775..a77110fcc 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_MODE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_MODE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_MODE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_READ.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_READ.mdx
index 038c9d7c5..059a16723 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_READ.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_READ.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_READ/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_VER.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_VER.mdx
index 01ae88af3..8a0838b17 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_VER.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_VER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/GPIB/PROLOGIX/PROLOGIX_VER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/IDN.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/IDN.mdx
index 93b1d12c9..20241b2c8 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/IDN.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/IDN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/SCPI/IDN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/MEASURE_VOLTAGE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/MEASURE_VOLTAGE.mdx
index b4ed7b4f6..c47a6fa0d 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/MEASURE_VOLTAGE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/MEASURE_VOLTAGE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/SCPI/MEASURE_VOLTAGE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/SCPI_WRITE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/SCPI_WRITE.mdx
index 8281e73c5..b1754f715 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/SCPI_WRITE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SCPI/SCPI_WRITE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/SCPI/SCPI_WRITE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/OPEN_SERIAL.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/OPEN_SERIAL.mdx
index 38f53c641..a31d626e2 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/OPEN_SERIAL.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/OPEN_SERIAL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/SERIAL/OPEN_SERIAL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_SINGLE_MEASUREMENT.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_SINGLE_MEASUREMENT.mdx
index 5dc392cd0..56c766088 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_SINGLE_MEASUREMENT.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_SINGLE_MEASUREMENT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_SINGLE_MEASUREMENT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_TIMESERIES.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_TIMESERIES.mdx
index a4040cb55..b1747a4f9 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_TIMESERIES.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_TIMESERIES.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_TIMESERIES/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_WRITE.mdx b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_WRITE.mdx
index f87305ae7..3438978a5 100644
--- a/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_WRITE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_WRITE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/PROTOCOLS/SERIAL/SERIAL_WRITE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CALCULATE_CIRCLE_MOVE.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CALCULATE_CIRCLE_MOVE.mdx
index 43099c6da..ee97557db 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CALCULATE_CIRCLE_MOVE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CALCULATE_CIRCLE_MOVE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CALCULATE_CIRCLE_MOVE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CONNECT.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CONNECT.mdx
index d931fb85f..347830399 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CONNECT.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CONNECT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/CONNECT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DELAY.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DELAY.mdx
index de0cf318a..651f88986 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DELAY.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DELAY.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DELAY/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DISCONNECT.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DISCONNECT.mdx
index 7204935c1..36524d1b1 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DISCONNECT.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DISCONNECT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/DISCONNECT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/HOME.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/HOME.mdx
index 839cc8fad..3a412465e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/HOME.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/HOME.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/HOME/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_CIRCLE.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_CIRCLE.mdx
index 628c37471..35f2b9e0f 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_CIRCLE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_CIRCLE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_CIRCLE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_JOINT.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_JOINT.mdx
index 8b770f36d..8d271c984 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_JOINT.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_JOINT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_JOINT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES.mdx
index 8543ba418..0b834908c 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES_LIN.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES_LIN.mdx
index 854c50134..ebe6fe8b3 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES_LIN.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES_LIN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_KEYFRAMES_LIN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN.mdx
index dc9c5ff7a..0c5a381e8 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN_REL_TRF.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN_REL_TRF.mdx
index 73b37e4e4..5c7356430 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN_REL_TRF.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN_REL_TRF.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_LIN_REL_TRF/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_POSE.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_POSE.mdx
index 5e9a48b67..a55d1d36b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_POSE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_POSE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/MOVE_POSE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_BLENDING.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_BLENDING.mdx
index 201a05c58..99865e2c9 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_BLENDING.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_BLENDING.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_BLENDING/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_CART_LIN_VEL.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_CART_LIN_VEL.mdx
index 20ff250cb..a3a0c5789 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_CART_LIN_VEL.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_CART_LIN_VEL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_CART_LIN_VEL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_JOINT_VEL.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_JOINT_VEL.mdx
index bca79e4a6..5aadbbf1e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_JOINT_VEL.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_JOINT_VEL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_JOINT_VEL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_TRF.mdx b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_TRF.mdx
index 151a459a8..6ede3fcb2 100644
--- a/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_TRF.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_TRF.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/ROBOTICS/ARMS/MECA500/SET_TRF/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SENSORS/PRESSURE_SENSORS/FLEXIFORCE_25LB.mdx b/docs/src/content/docs/blocks/HARDWARE/SENSORS/PRESSURE_SENSORS/FLEXIFORCE_25LB.mdx
index 278f06f6a..e937f6abb 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SENSORS/PRESSURE_SENSORS/FLEXIFORCE_25LB.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SENSORS/PRESSURE_SENSORS/FLEXIFORCE_25LB.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SENSORS/PRESSURE_SENSORS/FLEXIFORCE_25LB/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SENSORS/THERMISTORS/RESISTANCE_TO_TEMPERATURE.mdx b/docs/src/content/docs/blocks/HARDWARE/SENSORS/THERMISTORS/RESISTANCE_TO_TEMPERATURE.mdx
index 356001eb4..73ac20982 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SENSORS/THERMISTORS/RESISTANCE_TO_TEMPERATURE.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SENSORS/THERMISTORS/RESISTANCE_TO_TEMPERATURE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SENSORS/THERMISTORS/RESISTANCE_TO_TEMPERATURE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SENSORS/THERMOCOUPLES/LM34.mdx b/docs/src/content/docs/blocks/HARDWARE/SENSORS/THERMOCOUPLES/LM34.mdx
index 859cfe2ab..75872cf89 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SENSORS/THERMOCOUPLES/LM34.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SENSORS/THERMOCOUPLES/LM34.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SENSORS/THERMOCOUPLES/LM34/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/BANDWIDTH_FSV.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/BANDWIDTH_FSV.mdx
index f948d8860..84a3a0c08 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/BANDWIDTH_FSV.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/BANDWIDTH_FSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/BANDWIDTH_FSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/CONNECTION_FSV.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/CONNECTION_FSV.mdx
index 37ca9841e..14cc083e0 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/CONNECTION_FSV.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/CONNECTION_FSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/CONNECTION_FSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/DISPLAY_FSV.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/DISPLAY_FSV.mdx
index 92dcc3450..ac30ccc6b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/DISPLAY_FSV.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/DISPLAY_FSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/DISPLAY_FSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/EXTRACT_SWEEP_FSV.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/EXTRACT_SWEEP_FSV.mdx
index 1bc269a97..8682e76b8 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/EXTRACT_SWEEP_FSV.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/EXTRACT_SWEEP_FSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/EXTRACT_SWEEP_FSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/INIT_SWEEP_FSV.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/INIT_SWEEP_FSV.mdx
index 24519f5b0..f3ca41689 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/INIT_SWEEP_FSV.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/INIT_SWEEP_FSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/INIT_SWEEP_FSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/SWEEP_SETTINGS_FSV.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/SWEEP_SETTINGS_FSV.mdx
index 75087d126..d973870b9 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/SWEEP_SETTINGS_FSV.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/SWEEP_SETTINGS_FSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/SWEEP_SETTINGS_FSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/Y_AXIS_SETTINGS_FSV.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/Y_AXIS_SETTINGS_FSV.mdx
index 5a4f6e74e..4e2e40c79 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/Y_AXIS_SETTINGS_FSV.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/Y_AXIS_SETTINGS_FSV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/ROHDE_SCHWARZ/FSV/Y_AXIS_SETTINGS_FSV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/BLOCK_IQ_RSA500.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/BLOCK_IQ_RSA500.mdx
index 8e320bd5b..f72440721 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/BLOCK_IQ_RSA500.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/BLOCK_IQ_RSA500.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/BLOCK_IQ_RSA500/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/DPX_RSA500.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/DPX_RSA500.mdx
index db77e87d5..74be06234 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/DPX_RSA500.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/DPX_RSA500.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/DPX_RSA500/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/EXTRACT_SPECTRUM_RSA500.mdx b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/EXTRACT_SPECTRUM_RSA500.mdx
index 7db6d6275..7f9ecc604 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/EXTRACT_SPECTRUM_RSA500.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/EXTRACT_SPECTRUM_RSA500.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SIGNAL_ANALYZERS/TEKTRONIX/RSA500/EXTRACT_SPECTRUM_RSA500/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/BEEP_2450.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/BEEP_2450.mdx
index d72caf43b..cd86bcf26 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/BEEP_2450.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/BEEP_2450.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/BEEP_2450/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/CONNECT_2450.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/CONNECT_2450.mdx
index 12ec1550a..40a63ec56 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/CONNECT_2450.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/CONNECT_2450.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/CONNECT_2450/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/IV_SWEEP_2450.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/IV_SWEEP_2450.mdx
index d2f40e40a..b2649589b 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/IV_SWEEP_2450.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/IV_SWEEP_2450.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/IV_SWEEP_2450/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_READ_2450.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_READ_2450.mdx
index 54209f5be..1e106361d 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_READ_2450.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_READ_2450.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_READ_2450/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_SETTINGS_2450.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_SETTINGS_2450.mdx
index fca1930eb..0ae8f3e7a 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_SETTINGS_2450.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_SETTINGS_2450.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/MEASURE_SETTINGS_2450/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/OUTPUT_2450.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/OUTPUT_2450.mdx
index 6cd1a1009..a09a27e71 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/OUTPUT_2450.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/OUTPUT_2450.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/OUTPUT_2450/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/RESET_2450.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/RESET_2450.mdx
index 1c5ea8fc6..c5135ebfa 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/RESET_2450.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/RESET_2450.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/RESET_2450/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/SOURCE_2450.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/SOURCE_2450.mdx
index d31f79dff..04eae8f76 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/SOURCE_2450.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/SOURCE_2450.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/2450/SOURCE_2450/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP.mdx
index 7fb9f1058..3fad1ec63 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/IV_SWEEP/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/OPEN_KEITHLEY_24XX.mdx b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/OPEN_KEITHLEY_24XX.mdx
index e5b77a5ce..6ceaa6d8e 100644
--- a/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/OPEN_KEITHLEY_24XX.mdx
+++ b/docs/src/content/docs/blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/OPEN_KEITHLEY_24XX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/HARDWARE/SOURCEMETERS/KEITHLEY/24XX/OPEN_KEITHLEY_24XX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -39,7 +41,7 @@ import { YouTube } from '@astro-community/astro-embed-youtube';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/ABS.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/ABS.mdx
index 1304e66ba..09e74b7e9 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/ABS.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/ABS.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/ABS/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/ADD.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/ADD.mdx
index ba415cff1..9cb96f1c4 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/ADD.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/ADD.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/ADD/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/DIVIDE.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/DIVIDE.mdx
index 586cf318c..4484aa05e 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/DIVIDE.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/DIVIDE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/DIVIDE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/FLOOR_DIVIDE.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/FLOOR_DIVIDE.mdx
index f40fb0f46..c1a7da5de 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/FLOOR_DIVIDE.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/FLOOR_DIVIDE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/FLOOR_DIVIDE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/LOG.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/LOG.mdx
index 8a48f81e2..5d790299a 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/LOG.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/LOG.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/LOG/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/MULTIPLY.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/MULTIPLY.mdx
index 862654ab8..e34ff626c 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/MULTIPLY.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/MULTIPLY.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/MULTIPLY/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/POWER.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/POWER.mdx
index 2b32c0763..1d1a90cf3 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/POWER.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/POWER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/POWER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/REMAINDER.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/REMAINDER.mdx
index bb22dd1e4..fa54cae4b 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/REMAINDER.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/REMAINDER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/REMAINDER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/ARITHMETIC/SUBTRACT.mdx b/docs/src/content/docs/blocks/MATH/ARITHMETIC/SUBTRACT.mdx
index d376f9667..fdadfe11d 100644
--- a/docs/src/content/docs/blocks/MATH/ARITHMETIC/SUBTRACT.mdx
+++ b/docs/src/content/docs/blocks/MATH/ARITHMETIC/SUBTRACT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/ARITHMETIC/SUBTRACT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/CALCULUS/DIFFERENTIATE.mdx b/docs/src/content/docs/blocks/MATH/CALCULUS/DIFFERENTIATE.mdx
index a75ef321c..fc29fb652 100644
--- a/docs/src/content/docs/blocks/MATH/CALCULUS/DIFFERENTIATE.mdx
+++ b/docs/src/content/docs/blocks/MATH/CALCULUS/DIFFERENTIATE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/CALCULUS/DIFFERENTIATE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/CALCULUS/DOUBLE_DEFINITE_INTEGRAL.mdx b/docs/src/content/docs/blocks/MATH/CALCULUS/DOUBLE_DEFINITE_INTEGRAL.mdx
index ee5c789c3..6d70379dc 100644
--- a/docs/src/content/docs/blocks/MATH/CALCULUS/DOUBLE_DEFINITE_INTEGRAL.mdx
+++ b/docs/src/content/docs/blocks/MATH/CALCULUS/DOUBLE_DEFINITE_INTEGRAL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/CALCULUS/DOUBLE_DEFINITE_INTEGRAL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/CALCULUS/DOUBLE_INDEFINITE_INTEGRAL.mdx b/docs/src/content/docs/blocks/MATH/CALCULUS/DOUBLE_INDEFINITE_INTEGRAL.mdx
index 62a8effd7..3b2d9fc64 100644
--- a/docs/src/content/docs/blocks/MATH/CALCULUS/DOUBLE_INDEFINITE_INTEGRAL.mdx
+++ b/docs/src/content/docs/blocks/MATH/CALCULUS/DOUBLE_INDEFINITE_INTEGRAL.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/CALCULUS/DOUBLE_INDEFINITE_INTEGRAL/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/MATH/CALCULUS/INTEGRATE.mdx b/docs/src/content/docs/blocks/MATH/CALCULUS/INTEGRATE.mdx
index ab2b3b88d..d09c482a7 100644
--- a/docs/src/content/docs/blocks/MATH/CALCULUS/INTEGRATE.mdx
+++ b/docs/src/content/docs/blocks/MATH/CALCULUS/INTEGRATE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/MATH/CALCULUS/INTEGRATE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
@@ -29,7 +31,7 @@ import { Code } from 'astro:components';
-## Example
+## Example App
import GetHelpWidget from "@/components/GetHelpWidget.astro";
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/CHOLESKY.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/CHOLESKY.mdx
index 56420d352..5b8b90233 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/CHOLESKY.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/CHOLESKY.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/CHOLESKY/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/DET.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/DET.mdx
index 48ec1e35d..b8444be68 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/DET.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/DET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/DET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/EIG.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/EIG.mdx
index 08a0ac641..fa8f365b9 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/EIG.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/EIG.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/EIG/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/EIGH.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/EIGH.mdx
index 0fa49d792..f8ada5440 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/EIGH.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/EIGH.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/EIGH/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/EIGVALS.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/EIGVALS.mdx
index 9fe6d5323..67c7c552b 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/EIGVALS.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/EIGVALS.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/EIGVALS/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/EIGVALSH.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/EIGVALSH.mdx
index 2eaff12c7..b876fa2bc 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/EIGVALSH.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/EIGVALSH.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/EIGVALSH/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/INV.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/INV.mdx
index 458e12683..ae6bb0203 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/INV.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/INV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/INV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/MATRIX_POWER.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/MATRIX_POWER.mdx
index 381cbf544..668ba50ba 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/MATRIX_POWER.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/MATRIX_POWER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/MATRIX_POWER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/PINV.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/PINV.mdx
index 74fada59f..eb59b34d6 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/PINV.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/PINV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/PINV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/QR.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/QR.mdx
index 42853072b..d752ef4c4 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/QR.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/QR.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/QR/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/SLOGDET.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/SLOGDET.mdx
index afa0f4374..6eafecb87 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/SLOGDET.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/SLOGDET.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/SLOGDET/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/SVD.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/SVD.mdx
index c11fa5a25..0d46385d8 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/SVD.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/SVD.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/SVD/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/NUMPY/LINALG/TENSORINV.mdx b/docs/src/content/docs/blocks/NUMPY/LINALG/TENSORINV.mdx
index 6eba1471d..636b01abd 100644
--- a/docs/src/content/docs/blocks/NUMPY/LINALG/TENSORINV.mdx
+++ b/docs/src/content/docs/blocks/NUMPY/LINALG/TENSORINV.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/NUMPY/LINALG/TENSORINV/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/ARGRELMAX.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/ARGRELMAX.mdx
index d0a8d1bb7..ae6e67c27 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/ARGRELMAX.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/ARGRELMAX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/ARGRELMAX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/ARGRELMIN.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/ARGRELMIN.mdx
index cd8dbe175..82ad240f8 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/ARGRELMIN.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/ARGRELMIN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/ARGRELMIN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/BSPLINE.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/BSPLINE.mdx
index cf11fbcfc..04b9cc712 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/BSPLINE.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/BSPLINE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/BSPLINE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/CUBIC.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/CUBIC.mdx
index 2e60c6296..5eb8fb281 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/CUBIC.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/CUBIC.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/CUBIC/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/DECIMATE.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/DECIMATE.mdx
index 016b8923e..a581fe40a 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/DECIMATE.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/DECIMATE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/DECIMATE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/DETREND.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/DETREND.mdx
index 70efd8c2a..5028fef1b 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/DETREND.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/DETREND.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/DETREND/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/GAUSS_SPLINE.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/GAUSS_SPLINE.mdx
index ed054b403..e22707aa1 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/GAUSS_SPLINE.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/GAUSS_SPLINE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/GAUSS_SPLINE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/HILBERT.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/HILBERT.mdx
index 24e3f0022..59bce4054 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/HILBERT.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/HILBERT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/HILBERT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/KAISER_BETA.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/KAISER_BETA.mdx
index d710993a9..3ab6d99ca 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/KAISER_BETA.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/KAISER_BETA.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/KAISER_BETA/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/PERIODOGRAM.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/PERIODOGRAM.mdx
index bf875a7e3..fd4900541 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/PERIODOGRAM.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/PERIODOGRAM.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/PERIODOGRAM/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/QUADRATIC.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/QUADRATIC.mdx
index e1403feaf..0c1a21a56 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/QUADRATIC.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/QUADRATIC.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/QUADRATIC/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/SAVGOL_FILTER.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/SAVGOL_FILTER.mdx
index 64b5dcb79..7a3a0a139 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/SAVGOL_FILTER.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/SAVGOL_FILTER.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/SAVGOL_FILTER/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/STFT.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/STFT.mdx
index 407a07828..fe01fa3ae 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/STFT.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/STFT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/STFT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/SIGNAL/WELCH.mdx b/docs/src/content/docs/blocks/SCIPY/SIGNAL/WELCH.mdx
index 695c0a89b..e2413e8b2 100644
--- a/docs/src/content/docs/blocks/SCIPY/SIGNAL/WELCH.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/SIGNAL/WELCH.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/SIGNAL/WELCH/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/ANDERSON.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/ANDERSON.mdx
index 683e11e41..17e5f4ecb 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/ANDERSON.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/ANDERSON.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/ANDERSON/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/BAYES_MVS.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/BAYES_MVS.mdx
index 07d1f02a9..31a3e5289 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/BAYES_MVS.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/BAYES_MVS.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/BAYES_MVS/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/BINOM_TEST.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/BINOM_TEST.mdx
index 83443b641..a18841ea3 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/BINOM_TEST.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/BINOM_TEST.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/BINOM_TEST/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/DESCRIBE.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/DESCRIBE.mdx
index 8d0dfe3b6..a631bc3d7 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/DESCRIBE.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/DESCRIBE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/DESCRIBE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/GSTD.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/GSTD.mdx
index 92b8d53df..4fa8aebfc 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/GSTD.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/GSTD.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/GSTD/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/GZSCORE.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/GZSCORE.mdx
index 5951b14b4..cee7da823 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/GZSCORE.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/GZSCORE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/GZSCORE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/JARQUE_BERA.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/JARQUE_BERA.mdx
index c91560518..80cede03e 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/JARQUE_BERA.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/JARQUE_BERA.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/JARQUE_BERA/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/KURTOSIS.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/KURTOSIS.mdx
index 3a7e306f7..8b9db47fd 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/KURTOSIS.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/KURTOSIS.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/KURTOSIS/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/KURTOSISTEST.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/KURTOSISTEST.mdx
index 548ac81f4..3d75ca5be 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/KURTOSISTEST.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/KURTOSISTEST.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/KURTOSISTEST/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/MOMENT.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/MOMENT.mdx
index fd3b68eeb..f92cb8d08 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/MOMENT.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/MOMENT.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/MOMENT/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/MVSDIST.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/MVSDIST.mdx
index 85c4caff3..3d520e649 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/MVSDIST.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/MVSDIST.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/MVSDIST/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/NORMALTEST.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/NORMALTEST.mdx
index b6c1b1f1b..d3d720c8a 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/NORMALTEST.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/NORMALTEST.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/NORMALTEST/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/SEM.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/SEM.mdx
index 5a2af2433..367c63e94 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/SEM.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/SEM.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/SEM/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/SHAPIRO.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/SHAPIRO.mdx
index c5357979c..217761161 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/SHAPIRO.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/SHAPIRO.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/SHAPIRO/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/SIGMACLIP.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/SIGMACLIP.mdx
index 18b714825..b06c91c2c 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/SIGMACLIP.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/SIGMACLIP.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/SIGMACLIP/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/SKEW.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/SKEW.mdx
index 1818840d0..b41c476a5 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/SKEW.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/SKEW.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/SKEW/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/SKEWTEST.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/SKEWTEST.mdx
index 5d9fd47df..951ed614f 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/SKEWTEST.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/SKEWTEST.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/SKEWTEST/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/TMAX.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/TMAX.mdx
index 9fef7608a..f364a957d 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/TMAX.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/TMAX.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/TMAX/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/TMIN.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/TMIN.mdx
index ef514da54..4154178ae 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/TMIN.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/TMIN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/TMIN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/TRIM1.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/TRIM1.mdx
index 113f7a7f6..49e073644 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/TRIM1.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/TRIM1.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/TRIM1/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/TRIMBOTH.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/TRIMBOTH.mdx
index 9d8773894..1db63efe9 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/TRIMBOTH.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/TRIMBOTH.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/TRIMBOTH/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/TRIM_MEAN.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/TRIM_MEAN.mdx
index fc014e087..413dce017 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/TRIM_MEAN.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/TRIM_MEAN.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/TRIM_MEAN/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/TTEST_1SAMP.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/TTEST_1SAMP.mdx
index 5068c9522..335b3c3a4 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/TTEST_1SAMP.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/TTEST_1SAMP.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/TTEST_1SAMP/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/VARIATION.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/VARIATION.mdx
index ca71e8eb6..ded6d0a80 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/VARIATION.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/VARIATION.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/VARIATION/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/YEOJOHNSON.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/YEOJOHNSON.mdx
index 3d6a54325..c5c34100d 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/YEOJOHNSON.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/YEOJOHNSON.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/YEOJOHNSON/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/docs/src/content/docs/blocks/SCIPY/STATS/ZSCORE.mdx b/docs/src/content/docs/blocks/SCIPY/STATS/ZSCORE.mdx
index 180d7d7c0..46c178549 100644
--- a/docs/src/content/docs/blocks/SCIPY/STATS/ZSCORE.mdx
+++ b/docs/src/content/docs/blocks/SCIPY/STATS/ZSCORE.mdx
@@ -14,7 +14,9 @@ head:
import block_data from "@blocks/SCIPY/STATS/ZSCORE/block_data.json";
import PythonDocsDisplay from "@/components/PythonDocsDisplay.astro";
+import DownloadStudioBanner from "@/components/DownloadStudioBanner.astro";
+
Python Code
diff --git a/package.json b/package.json
index bf772697a..577239c36 100644
--- a/package.json
+++ b/package.json
@@ -46,6 +46,7 @@
"@radix-ui/react-icons": "^1.3.0",
"@radix-ui/react-label": "^2.0.2",
"@radix-ui/react-menubar": "^1.0.4",
+ "@radix-ui/react-popover": "^1.0.7",
"@radix-ui/react-progress": "^1.0.3",
"@radix-ui/react-scroll-area": "^1.0.5",
"@radix-ui/react-select": "^2.0.0",
diff --git a/pkgs/flojoy/flojoy/_logging.py b/pkgs/flojoy/flojoy/_logging.py
index 3def9a604..859699640 100644
--- a/pkgs/flojoy/flojoy/_logging.py
+++ b/pkgs/flojoy/flojoy/_logging.py
@@ -1,15 +1,15 @@
-from contextlib import contextmanager
-from functools import partial
import io
-from typing import Callable, Protocol
-from abc import ABC, abstractmethod
-from dataclasses import dataclass
-from enum import Enum, auto
import logging
import multiprocessing
import multiprocessing.connection
-import threading
import os
+import threading
+from abc import ABC, abstractmethod
+from contextlib import contextmanager
+from dataclasses import dataclass
+from enum import Enum, auto
+from functools import partial
+from typing import Callable, Protocol
class LogPipeMode(Enum):
@@ -41,17 +41,13 @@ class StreamEnum(Enum):
class PipeWriter(Protocol):
"""Protocol for a pipe writer"""
- def write(self, data: bytes):
- ...
+ def write(self, data: bytes): ...
- def fileno(self) -> int:
- ...
+ def fileno(self) -> int: ...
- def close(self):
- ...
+ def close(self): ...
- def flush(self):
- ...
+ def flush(self): ...
# Abstract Pipe class
diff --git a/pkgs/flojoy/flojoy/flojoy_node_venv.py b/pkgs/flojoy/flojoy/flojoy_node_venv.py
index b0ad955a1..a9d27c5fe 100644
--- a/pkgs/flojoy/flojoy/flojoy_node_venv.py
+++ b/pkgs/flojoy/flojoy/flojoy_node_venv.py
@@ -19,6 +19,7 @@ def TORCH_NODE(default: Matrix) -> Matrix:
return Matrix(...)
"""
+
import hashlib
import importlib.metadata
import inspect
@@ -41,8 +42,8 @@ def TORCH_NODE(default: Matrix) -> Matrix:
import cloudpickle
import portalocker
-from .CONSTANTS import FLOJOY_CACHE_DIR
from ._logging import LogPipe, LogPipeMode, StreamEnum
+from .CONSTANTS import FLOJOY_CACHE_DIR
__all__ = ["run_in_venv"]
diff --git a/pkgs/flojoy/flojoy/instruments/tektronix/MDO30xx.py b/pkgs/flojoy/flojoy/instruments/tektronix/MDO30xx.py
index 84a1ba257..916db0615 100644
--- a/pkgs/flojoy/flojoy/instruments/tektronix/MDO30xx.py
+++ b/pkgs/flojoy/flojoy/instruments/tektronix/MDO30xx.py
@@ -2,19 +2,14 @@
Driver for the MDO4000B, MDO4000, MSO4000B, DPO4000B and
MDO3000 series Oscilloscopes.
"""
+
import textwrap
import time
from functools import partial
from typing import Any, Callable, Union, cast
import numpy as np
-
-from qcodes.instrument import (
- ChannelList,
- Instrument,
- InstrumentChannel,
- VisaInstrument,
-)
+from qcodes.instrument import ChannelList, Instrument, InstrumentChannel, VisaInstrument
from qcodes.parameters import (
Parameter,
ParameterWithSetpoints,
diff --git a/pkgs/flojoy/flojoy/reconciler.py b/pkgs/flojoy/flojoy/reconciler.py
index eba03f97c..ea4d0903f 100644
--- a/pkgs/flojoy/flojoy/reconciler.py
+++ b/pkgs/flojoy/flojoy/reconciler.py
@@ -5,7 +5,9 @@
For this reason, we've created the `Reconciler` class to handle the process of turning different data types into compatible, easily added objects.
"""
+
from typing import Tuple
+
import numpy
from .data_container import DataContainer
diff --git a/pnpm-lock.yaml b/pnpm-lock.yaml
index ce6d0a085..a07498600 100644
--- a/pnpm-lock.yaml
+++ b/pnpm-lock.yaml
@@ -47,6 +47,9 @@ dependencies:
'@radix-ui/react-menubar':
specifier: ^1.0.4
version: 1.0.4(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
+ '@radix-ui/react-popover':
+ specifier: ^1.0.7
+ version: 1.0.7(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
'@radix-ui/react-progress':
specifier: ^1.0.3
version: 1.0.3(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
@@ -1747,6 +1750,41 @@ packages:
react-dom: 18.2.0(react@18.2.0)
dev: false
+ /@radix-ui/react-popover@1.0.7(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0):
+ resolution: {integrity: sha512-shtvVnlsxT6faMnK/a7n0wptwBD23xc1Z5mdrtKLwVEfsEMXodS0r5s0/g5P0hX//EKYZS2sxUjqfzlg52ZSnQ==}
+ peerDependencies:
+ '@types/react': '*'
+ '@types/react-dom': '*'
+ react: ^16.8 || ^17.0 || ^18.0
+ react-dom: ^16.8 || ^17.0 || ^18.0
+ peerDependenciesMeta:
+ '@types/react':
+ optional: true
+ '@types/react-dom':
+ optional: true
+ dependencies:
+ '@babel/runtime': 7.23.9
+ '@radix-ui/primitive': 1.0.1
+ '@radix-ui/react-compose-refs': 1.0.1(@types/react@18.2.56)(react@18.2.0)
+ '@radix-ui/react-context': 1.0.1(@types/react@18.2.56)(react@18.2.0)
+ '@radix-ui/react-dismissable-layer': 1.0.5(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
+ '@radix-ui/react-focus-guards': 1.0.1(@types/react@18.2.56)(react@18.2.0)
+ '@radix-ui/react-focus-scope': 1.0.4(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
+ '@radix-ui/react-id': 1.0.1(@types/react@18.2.56)(react@18.2.0)
+ '@radix-ui/react-popper': 1.1.3(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
+ '@radix-ui/react-portal': 1.0.4(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
+ '@radix-ui/react-presence': 1.0.1(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
+ '@radix-ui/react-primitive': 1.0.3(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0)
+ '@radix-ui/react-slot': 1.0.2(@types/react@18.2.56)(react@18.2.0)
+ '@radix-ui/react-use-controllable-state': 1.0.1(@types/react@18.2.56)(react@18.2.0)
+ '@types/react': 18.2.56
+ '@types/react-dom': 18.2.19
+ aria-hidden: 1.2.3
+ react: 18.2.0
+ react-dom: 18.2.0(react@18.2.0)
+ react-remove-scroll: 2.5.5(@types/react@18.2.56)(react@18.2.0)
+ dev: false
+
/@radix-ui/react-popper@1.1.3(@types/react-dom@18.2.19)(@types/react@18.2.56)(react-dom@18.2.0)(react@18.2.0):
resolution: {integrity: sha512-cKpopj/5RHZWjrbF2846jBNacjQVwkP068DfmgrNJXpvVWrOvlAmE9xSiy5OqeE+Gi8D9fP+oDhUnPqNMY8/5w==}
peerDependencies:
diff --git a/poetry.lock b/poetry.lock
index 221ea5e81..3e4c30ae2 100644
--- a/poetry.lock
+++ b/poetry.lock
@@ -157,13 +157,13 @@ rstcheck = "*"
[[package]]
name = "azure-core"
-version = "1.30.0"
+version = "1.30.1"
description = "Microsoft Azure Core Library for Python"
optional = false
python-versions = ">=3.7"
files = [
- {file = "azure-core-1.30.0.tar.gz", hash = "sha256:6f3a7883ef184722f6bd997262eddaf80cfe7e5b3e0caaaf8db1695695893d35"},
- {file = "azure_core-1.30.0-py3-none-any.whl", hash = "sha256:3dae7962aad109610e68c9a7abb31d79720e1d982ddf61363038d175a5025e89"},
+ {file = "azure-core-1.30.1.tar.gz", hash = "sha256:26273a254131f84269e8ea4464f3560c731f29c0c1f69ac99010845f239c1a8f"},
+ {file = "azure_core-1.30.1-py3-none-any.whl", hash = "sha256:7c5ee397e48f281ec4dd773d67a0a47a0962ed6fa833036057f9ea067f688e74"},
]
[package.dependencies]
@@ -233,17 +233,17 @@ typecheck = ["mypy"]
[[package]]
name = "boto3"
-version = "1.34.51"
+version = "1.34.53"
description = "The AWS SDK for Python"
optional = false
python-versions = ">= 3.8"
files = [
- {file = "boto3-1.34.51-py3-none-any.whl", hash = "sha256:67732634dc7d0afda879bd9a5e2d0818a2c14a98bef766b95a3e253ea5104cb9"},
- {file = "boto3-1.34.51.tar.gz", hash = "sha256:2cd9463e738a184cbce8a6824027c22163c5f73e277a35ff5aa0fb0e845b4301"},
+ {file = "boto3-1.34.53-py3-none-any.whl", hash = "sha256:340c73f57fcca6f503403e2e13a0a4ad44bec218feee2e0896be612324394afd"},
+ {file = "boto3-1.34.53.tar.gz", hash = "sha256:cd30261a782824ce543a628ae524480abb4ca6ab4e4a2631477e48baed43b5f2"},
]
[package.dependencies]
-botocore = ">=1.34.51,<1.35.0"
+botocore = ">=1.34.53,<1.35.0"
jmespath = ">=0.7.1,<2.0.0"
s3transfer = ">=0.10.0,<0.11.0"
@@ -252,13 +252,13 @@ crt = ["botocore[crt] (>=1.21.0,<2.0a0)"]
[[package]]
name = "botocore"
-version = "1.34.51"
+version = "1.34.53"
description = "Low-level, data-driven core of boto 3."
optional = false
python-versions = ">= 3.8"
files = [
- {file = "botocore-1.34.51-py3-none-any.whl", hash = "sha256:01d5156247f991b3466a8404e3d7460a9ecbd9b214f9992d6ba797d9ddc6f120"},
- {file = "botocore-1.34.51.tar.gz", hash = "sha256:5086217442e67dd9de36ec7e87a0c663f76b7790d5fb6a12de565af95e87e319"},
+ {file = "botocore-1.34.53-py3-none-any.whl", hash = "sha256:cbbcaddc35738d32df55d26ed5561cf3fa32751a6b22e7e342be87b5e3f55eec"},
+ {file = "botocore-1.34.53.tar.gz", hash = "sha256:3d243781e994dfc5b20036d9fb92672bfaef4dbe388eaa79dae6440ea56c53eb"},
]
[package.dependencies]
@@ -869,6 +869,17 @@ files = [
[package.dependencies]
packaging = "*"
+[[package]]
+name = "distro"
+version = "1.9.0"
+description = "Distro - an OS platform information API"
+optional = false
+python-versions = ">=3.6"
+files = [
+ {file = "distro-1.9.0-py3-none-any.whl", hash = "sha256:7bffd925d65168f85027d8da9af6bddab658135b840670a223589bc0c8ef02b2"},
+ {file = "distro-1.9.0.tar.gz", hash = "sha256:2fa77c6fd8940f116ee1d6b94a2f90b13b5ea8d019b98bc8bafdcabcdd9bdbed"},
+]
+
[[package]]
name = "docopt"
version = "0.6.2"
@@ -1013,13 +1024,13 @@ url = "pkgs/flojoy"
[[package]]
name = "flojoy-cloud"
-version = "0.1.1"
+version = "0.1.2"
description = ""
optional = false
python-versions = ">=3.11,<4.0"
files = [
- {file = "flojoy_cloud-0.1.1-py3-none-any.whl", hash = "sha256:b7b92deb60c63e1b4064e9cdedb08c09c3a95d1229cccd1bf577581713baf224"},
- {file = "flojoy_cloud-0.1.1.tar.gz", hash = "sha256:ccc613c1c7da3f34fc279df4b01d3f231e0fce28988e7f383fd8977f10a80de9"},
+ {file = "flojoy_cloud-0.1.2-py3-none-any.whl", hash = "sha256:d56009835ce7e1687f8acde944df941fedcd420bfae1bb12bb9538bf45acbe71"},
+ {file = "flojoy_cloud-0.1.2.tar.gz", hash = "sha256:96e57c967520629dbf890d4bd8e58b6030662d8c3267b3e65f4b0c35d25da8fd"},
]
[package.dependencies]
@@ -1027,6 +1038,8 @@ httpx = ">=0.26.0,<0.27.0"
numpy = ">=1.26.3,<2.0.0"
pandas = ">=2.2.0,<3.0.0"
pydantic = ">=2.5.3,<3.0.0"
+rich = ">=13.7.0,<14.0.0"
+watchfiles = ">=0.21.0,<0.22.0"
[[package]]
name = "fonttools"
@@ -1383,13 +1396,13 @@ socks = ["socksio (==1.*)"]
[[package]]
name = "huggingface-hub"
-version = "0.21.1"
+version = "0.21.3"
description = "Client library to download and publish models, datasets and other repos on the huggingface.co hub"
optional = false
python-versions = ">=3.8.0"
files = [
- {file = "huggingface_hub-0.21.1-py3-none-any.whl", hash = "sha256:b40dd1dc5c589b7c73178f5f17996bac516524dce83f16d5219a83e33a565712"},
- {file = "huggingface_hub-0.21.1.tar.gz", hash = "sha256:c458ae6b3e8e197472c4ef01d8cc5f8b3ddb70e9288afcd494753d832dac3a70"},
+ {file = "huggingface_hub-0.21.3-py3-none-any.whl", hash = "sha256:b183144336fdf2810a8c109822e0bb6ef1fd61c65da6fb60e8c3f658b7144016"},
+ {file = "huggingface_hub-0.21.3.tar.gz", hash = "sha256:26a15b604e4fc7bad37c467b76456543ec849386cbca9cd7e1e135f53e500423"},
]
[package.dependencies]
@@ -2666,6 +2679,29 @@ files = [
{file = "numpy-1.26.4.tar.gz", hash = "sha256:2a02aba9ed12e4ac4eb3ea9421c420301a0c6460d9830d74a9df87efa4912010"},
]
+[[package]]
+name = "openai"
+version = "1.13.3"
+description = "The official Python library for the openai API"
+optional = false
+python-versions = ">=3.7.1"
+files = [
+ {file = "openai-1.13.3-py3-none-any.whl", hash = "sha256:5769b62abd02f350a8dd1a3a242d8972c947860654466171d60fb0972ae0a41c"},
+ {file = "openai-1.13.3.tar.gz", hash = "sha256:ff6c6b3bc7327e715e4b3592a923a5a1c7519ff5dd764a83d69f633d49e77a7b"},
+]
+
+[package.dependencies]
+anyio = ">=3.5.0,<5"
+distro = ">=1.7.0,<2"
+httpx = ">=0.23.0,<1"
+pydantic = ">=1.9.0,<3"
+sniffio = "*"
+tqdm = ">4"
+typing-extensions = ">=4.7,<5"
+
+[package.extras]
+datalib = ["numpy (>=1)", "pandas (>=1.2.3)", "pandas-stubs (>=1.1.0.11)"]
+
[[package]]
name = "opencensus"
version = "0.11.4"
@@ -3767,6 +3803,7 @@ files = [
{file = "PyYAML-6.0.1-cp311-cp311-win_amd64.whl", hash = "sha256:bf07ee2fef7014951eeb99f56f39c9bb4af143d8aa3c21b1677805985307da34"},
{file = "PyYAML-6.0.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:855fb52b0dc35af121542a76b9a84f8d1cd886ea97c84703eaa6d88e37a2ad28"},
{file = "PyYAML-6.0.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:40df9b996c2b73138957fe23a16a4f0ba614f4c0efce1e9406a184b6d07fa3a9"},
+ {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a08c6f0fe150303c1c6b71ebcd7213c2858041a7e01975da3a99aed1e7a378ef"},
{file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6c22bec3fbe2524cde73d7ada88f6566758a8f7227bfbf93a408a9d86bcc12a0"},
{file = "PyYAML-6.0.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8d4e9c88387b0f5c7d5f281e55304de64cf7f9c0021a3525bd3b1c542da3b0e4"},
{file = "PyYAML-6.0.1-cp312-cp312-win32.whl", hash = "sha256:d483d2cdf104e7c9fa60c544d92981f12ad66a457afae824d146093b8c294c54"},
@@ -4011,13 +4048,13 @@ tests = ["coverage (>=6.0.0)", "flake8", "mypy", "pytest (>=7.0.0)", "pytest-asy
[[package]]
name = "rich"
-version = "13.7.0"
+version = "13.7.1"
description = "Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal"
optional = false
python-versions = ">=3.7.0"
files = [
- {file = "rich-13.7.0-py3-none-any.whl", hash = "sha256:6da14c108c4866ee9520bbffa71f6fe3962e193b7da68720583850cd4548e235"},
- {file = "rich-13.7.0.tar.gz", hash = "sha256:5cb5123b5cf9ee70584244246816e9114227e0b98ad9176eede6ad54bf5403fa"},
+ {file = "rich-13.7.1-py3-none-any.whl", hash = "sha256:4edbae314f59eb482f54e9e30bf00d33350aaa94f4bfcd4e9e3110e64d0d7222"},
+ {file = "rich-13.7.1.tar.gz", hash = "sha256:9be308cb1fe2f1f57d67ce99e95af38a1e2bc71ad9813b0e247cf7ffbcc3a432"},
]
[package.dependencies]
@@ -4662,13 +4699,13 @@ all = ["defusedxml", "fsspec", "imagecodecs (>=2023.8.12)", "lxml", "matplotlib"
[[package]]
name = "tinymovr"
-version = "1.6.5"
+version = "1.6.7"
description = "Tinymovr Studio"
optional = false
python-versions = ">=3.9"
files = [
- {file = "tinymovr-1.6.5-py3-none-any.whl", hash = "sha256:6d106709a8494540c8192f9d8b3f010b03b26c5d47c8d5b60db8701cd686c670"},
- {file = "tinymovr-1.6.5.tar.gz", hash = "sha256:cf285ee7df9bc3486f912b7f1e2b25090236b40660f1c5cc4bdcf8f37b5f2b34"},
+ {file = "tinymovr-1.6.7-py3-none-any.whl", hash = "sha256:1e5fa1c757c10600b596b43870bffaa67de3c0e55061a82d592ef28ea1394d35"},
+ {file = "tinymovr-1.6.7.tar.gz", hash = "sha256:2d0717d4884f623a7d39959847e967a8fc5b29a71d5b7129d2b0cedab1d0c9d1"},
]
[package.dependencies]
@@ -5417,4 +5454,4 @@ testing = ["big-O", "jaraco.functools", "jaraco.itertools", "more-itertools", "p
[metadata]
lock-version = "2.0"
python-versions = "~3.11"
-content-hash = "c4cbc296df26fc2e99db39946cd71aa5fb2d7c7b85507440cac215ae15df9e69"
+content-hash = "74f78e95b1713b2210aecc4a0dce96ac595c02823c8ac44cd74cdcd2ecd26c6b"
diff --git a/pyproject.toml b/pyproject.toml
index 72304ee93..14debc502 100644
--- a/pyproject.toml
+++ b/pyproject.toml
@@ -38,6 +38,7 @@ nimodinst = "^1.4.7"
flojoy-cloud = "^0.1.1"
bcrypt = "^4.1.2"
tinymovr = "^1.6.5"
+openai = "^1.13.3"
[tool.poetry.group.blocks.dependencies]
scikit-image = "^0.22.0"
diff --git a/src/components/ui/command.tsx b/src/components/ui/command.tsx
new file mode 100644
index 000000000..37dd992ea
--- /dev/null
+++ b/src/components/ui/command.tsx
@@ -0,0 +1,153 @@
+import * as React from "react"
+import { type DialogProps } from "@radix-ui/react-dialog"
+import { Command as CommandPrimitive } from "cmdk"
+import { Search } from "lucide-react"
+
+import { cn } from "@/renderer/lib/utils"
+import { Dialog, DialogContent } from "@/components/ui/dialog"
+
+const Command = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+))
+Command.displayName = CommandPrimitive.displayName
+
+interface CommandDialogProps extends DialogProps {}
+
+const CommandDialog = ({ children, ...props }: CommandDialogProps) => {
+ return (
+
+
+
+ {children}
+
+
+
+ )
+}
+
+const CommandInput = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+
+
+
+))
+
+CommandInput.displayName = CommandPrimitive.Input.displayName
+
+const CommandList = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+))
+
+CommandList.displayName = CommandPrimitive.List.displayName
+
+const CommandEmpty = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>((props, ref) => (
+
+))
+
+CommandEmpty.displayName = CommandPrimitive.Empty.displayName
+
+const CommandGroup = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+))
+
+CommandGroup.displayName = CommandPrimitive.Group.displayName
+
+const CommandSeparator = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+))
+CommandSeparator.displayName = CommandPrimitive.Separator.displayName
+
+const CommandItem = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+))
+
+CommandItem.displayName = CommandPrimitive.Item.displayName
+
+const CommandShortcut = ({
+ className,
+ ...props
+}: React.HTMLAttributes) => {
+ return (
+
+ )
+}
+CommandShortcut.displayName = "CommandShortcut"
+
+export {
+ Command,
+ CommandDialog,
+ CommandInput,
+ CommandList,
+ CommandEmpty,
+ CommandGroup,
+ CommandItem,
+ CommandShortcut,
+ CommandSeparator,
+}
diff --git a/src/components/ui/dialog.tsx b/src/components/ui/dialog.tsx
new file mode 100644
index 000000000..1255767ae
--- /dev/null
+++ b/src/components/ui/dialog.tsx
@@ -0,0 +1,120 @@
+import * as React from "react"
+import * as DialogPrimitive from "@radix-ui/react-dialog"
+import { X } from "lucide-react"
+
+import { cn } from "@/renderer/lib/utils"
+
+const Dialog = DialogPrimitive.Root
+
+const DialogTrigger = DialogPrimitive.Trigger
+
+const DialogPortal = DialogPrimitive.Portal
+
+const DialogClose = DialogPrimitive.Close
+
+const DialogOverlay = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+))
+DialogOverlay.displayName = DialogPrimitive.Overlay.displayName
+
+const DialogContent = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, children, ...props }, ref) => (
+
+
+
+ {children}
+
+
+ Close
+
+
+
+))
+DialogContent.displayName = DialogPrimitive.Content.displayName
+
+const DialogHeader = ({
+ className,
+ ...props
+}: React.HTMLAttributes) => (
+
+)
+DialogHeader.displayName = "DialogHeader"
+
+const DialogFooter = ({
+ className,
+ ...props
+}: React.HTMLAttributes) => (
+
+)
+DialogFooter.displayName = "DialogFooter"
+
+const DialogTitle = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+))
+DialogTitle.displayName = DialogPrimitive.Title.displayName
+
+const DialogDescription = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, ...props }, ref) => (
+
+))
+DialogDescription.displayName = DialogPrimitive.Description.displayName
+
+export {
+ Dialog,
+ DialogPortal,
+ DialogOverlay,
+ DialogClose,
+ DialogTrigger,
+ DialogContent,
+ DialogHeader,
+ DialogFooter,
+ DialogTitle,
+ DialogDescription,
+}
diff --git a/src/components/ui/popover.tsx b/src/components/ui/popover.tsx
new file mode 100644
index 000000000..33cf80128
--- /dev/null
+++ b/src/components/ui/popover.tsx
@@ -0,0 +1,29 @@
+import * as React from "react"
+import * as PopoverPrimitive from "@radix-ui/react-popover"
+
+import { cn } from "@/renderer/lib/utils"
+
+const Popover = PopoverPrimitive.Root
+
+const PopoverTrigger = PopoverPrimitive.Trigger
+
+const PopoverContent = React.forwardRef<
+ React.ElementRef,
+ React.ComponentPropsWithoutRef
+>(({ className, align = "center", sideOffset = 4, ...props }, ref) => (
+
+
+
+))
+PopoverContent.displayName = PopoverPrimitive.Content.displayName
+
+export { Popover, PopoverTrigger, PopoverContent }
diff --git a/src/main/window.ts b/src/main/window.ts
index 5a72a07df..b55dfb350 100644
--- a/src/main/window.ts
+++ b/src/main/window.ts
@@ -156,9 +156,8 @@ export async function createEditorWindow(filepath: string) {
process.env["ELECTRON_RENDERER_URL"] + "#/editor/" + btoa(filepath),
);
} else {
- editorWindow.loadFile(join(__dirname, "../renderer/index.html"), {
- hash: "editor",
- search: btoa(filepath),
+ editorWindow.loadFile(indexHtml, {
+ hash: "editor/" + btoa(filepath),
});
}
diff --git a/src/renderer/hooks/useTestSequencerState.ts b/src/renderer/hooks/useTestSequencerState.ts
index 8e15f542f..0b16f9ee3 100644
--- a/src/renderer/hooks/useTestSequencerState.ts
+++ b/src/renderer/hooks/useTestSequencerState.ts
@@ -143,6 +143,7 @@ export function useTestSequencerState() {
setElements(candidateElems);
setUnsaved(true);
+ console.log("elements set successfully");
/* _________________________ */
//creates tree to send to backend
diff --git a/src/renderer/routes/test_sequencer_panel/components/Panels.tsx b/src/renderer/routes/test_sequencer_panel/components/Panels.tsx
new file mode 100644
index 000000000..68d9f3dbf
--- /dev/null
+++ b/src/renderer/routes/test_sequencer_panel/components/Panels.tsx
@@ -0,0 +1,65 @@
+import {
+ Card,
+ CardContent,
+ CardDescription,
+ CardHeader,
+ CardTitle,
+} from "@/renderer/components/ui/card";
+import {
+ Tabs,
+ TabsContent,
+ TabsList,
+ TabsTrigger,
+} from "@/renderer/components/ui/tabs";
+import { CloudPanel } from "./panels/CloudPanel";
+import { ControlPanel } from "./panels/ControlPanel";
+import { TestGeneratorPanel } from "./panels/TestGeneratorPanel/TestGeneratorPanel";
+
+export function TabsDemo() {
+ return (
+
+
+ Control Panel
+ Cloud Panel
+ Generate Panel
+
+
+
+
+ Cloud
+
+ Handle data transactions to the Cloud
+
+
+
+
+
+
+
+
+
+
+ Control
+
+ Handle test sequence file management
+
+
+
+
+
+
+
+
+
+
+ Generate
+ Generate tests using AI
+
+
+
+
+
+
+
+ );
+}
diff --git a/src/renderer/routes/test_sequencer_panel/components/TestSequencerInfo.tsx b/src/renderer/routes/test_sequencer_panel/components/TestSequencerInfo.tsx
index 088e844d1..ee7698f29 100644
--- a/src/renderer/routes/test_sequencer_panel/components/TestSequencerInfo.tsx
+++ b/src/renderer/routes/test_sequencer_panel/components/TestSequencerInfo.tsx
@@ -1,64 +1,13 @@
-import { useContext, useState } from "react";
-import { DataTable } from "./data-table/DataTable";
+import { DataTable } from "./data_table/DataTable";
import { SummaryTable } from "./SummaryTable";
-import { CloudPanel } from "./CloudPanel";
-import { useTestSequencerState } from "@/renderer/hooks/useTestSequencerState";
-import {
- testSequenceRunRequest,
- testSequenceStopRequest,
-} from "../models/models";
-import { TestSequenceElement } from "@/renderer/types/testSequencer";
-import { ImportTestModal } from "./ImportTestModal";
-import LockableButton from "./lockable/LockedButtons";
-import { TSWebSocketContext } from "@/renderer/context/testSequencerWS.context";
import { LockedContextProvider } from "@/renderer/context/lock.context";
-import { useTestSetSave } from "@/renderer/hooks/useTestSetSave";
-import { useTestSetImport } from "@/renderer/hooks/useTestSetImport";
-import _ from "lodash";
import {
LAYOUT_TOP_HEIGHT,
BOTTOM_STATUS_BAR_HEIGHT,
} from "@/renderer/routes/common/Layout";
-import { Button } from "@/renderer/components/ui/button";
+import { TabsDemo } from "./Panels";
const TestSequencerView = () => {
- const { setElems, tree, setIsLocked, backendState } = useTestSequencerState();
- const { tSSendJsonMessage } = useContext(TSWebSocketContext);
-
- const resetStatus = () => {
- setElems.withException((elems: TestSequenceElement[]) => {
- const newElems: TestSequenceElement[] = [...elems].map((elem) => {
- return elem.type === "test"
- ? {
- ...elem,
- status: "pending",
- completionTime: undefined,
- isSavedToCloud: false,
- }
- : { ...elem };
- });
- return newElems;
- });
- };
-
- const handleClickRunTest = () => {
- console.log("Start test");
- setIsLocked(true);
- resetStatus();
- tSSendJsonMessage(testSequenceRunRequest(tree));
- };
- const handleClickStopTest = () => {
- console.log("Stop test");
- tSSendJsonMessage(testSequenceStopRequest(tree));
- setIsLocked(false);
- };
- const testSetSave = useTestSetSave();
- const testSetImport = useTestSetImport();
- const [isImportModalOpen, setIsImportModalOpen] = useState(false);
- const handleClickImportTest = () => {
- setIsImportModalOpen(true);
- };
-
return (
{
height: `calc(100vh - ${LAYOUT_TOP_HEIGHT + BOTTOM_STATUS_BAR_HEIGHT}px)`,
}}
>
-
{
-
-
-
-
- Control Panel
-
-
- Add Python Tests
-
-
- Import Test Set
-
-
- Save Test Set
-
-
- {backendState === "TEST_SET_START"
- ? "Stop Test Sequence"
- : "Run Test Sequence"}
-
-
-
+
diff --git a/src/renderer/routes/test_sequencer_panel/components/data-table/DataTable.tsx b/src/renderer/routes/test_sequencer_panel/components/data_table/DataTable.tsx
similarity index 95%
rename from src/renderer/routes/test_sequencer_panel/components/data-table/DataTable.tsx
rename to src/renderer/routes/test_sequencer_panel/components/data_table/DataTable.tsx
index 322f8f0c4..76778e7f1 100644
--- a/src/renderer/routes/test_sequencer_panel/components/data-table/DataTable.tsx
+++ b/src/renderer/routes/test_sequencer_panel/components/data_table/DataTable.tsx
@@ -28,7 +28,6 @@ import {
import {
Table,
TableBody,
- TableCell,
TableHead,
TableHeader,
TableRow,
@@ -50,7 +49,7 @@ import { ChevronUpIcon, ChevronDownIcon, TrashIcon } from "lucide-react";
import { WriteConditionalModal } from "../AddWriteConditionalModal";
import LockableButton from "../lockable/LockedButtons";
import { useRef, useState, useEffect } from "react";
-import TestNameCell from "./test-name-cell";
+import TestNameCell from "./TestNameCell";
import { DraggableRow } from "../dnd/DraggableRow";
import {
HoverCard,
@@ -58,6 +57,7 @@ import {
HoverCardTrigger,
} from "@/components/ui/hover-card";
import PythonTestFileModal from "../PythonTestFileModal";
+import { DroppableEmptyRow } from "../dnd/DroppableEmptyRow";
function renderErrorMessage(text: string): JSX.Element {
const lines = text.split("\n");
@@ -339,7 +339,16 @@ export function DataTable() {
const getSpecificContextMenuItems = (row: Row
) => {
switch (row.original.type) {
case "test":
- return <>>;
+ return (
+ {
+ setOpenPyTestFileModal(true);
+ setTestToDisplay(row.original as Test);
+ }}
+ >
+ Consult Code
+
+ );
case "conditional":
return (
<>
@@ -472,28 +481,11 @@ export function DataTable() {
>
Remove Test
- {row.original.type === "test" && (
- {
- setOpenPyTestFileModal(true);
- setTestToDisplay(row.original as Test);
- }}
- >
- Consult Code
-
- )}
))
) : (
-
-
- No results.
-
-
+
)}
diff --git a/src/renderer/routes/test_sequencer_panel/components/data-table/test-name-cell.tsx b/src/renderer/routes/test_sequencer_panel/components/data_table/TestNameCell.tsx
similarity index 100%
rename from src/renderer/routes/test_sequencer_panel/components/data-table/test-name-cell.tsx
rename to src/renderer/routes/test_sequencer_panel/components/data_table/TestNameCell.tsx
diff --git a/src/renderer/routes/test_sequencer_panel/components/dnd/DraggableRow.tsx b/src/renderer/routes/test_sequencer_panel/components/dnd/DraggableRow.tsx
index 7cf47b9a3..8b18f85ee 100644
--- a/src/renderer/routes/test_sequencer_panel/components/dnd/DraggableRow.tsx
+++ b/src/renderer/routes/test_sequencer_panel/components/dnd/DraggableRow.tsx
@@ -1,14 +1,11 @@
-import { useDrag, useDrop } from "react-dnd";
-import {
- Droppable,
- ItemTypes,
- TestSequenceDropResult,
-} from "../../models/drag_and_drop";
+import { useDrag } from "react-dnd";
+import { ItemTypes, TestSequenceDropResult } from "../../models/drag_and_drop";
import { TableCell, TableRow } from "@/renderer/components/ui/table";
import { TestSequenceElement } from "@/renderer/types/testSequencer";
import { Row, flexRender } from "@tanstack/react-table";
import { parseInt } from "lodash";
import { useTestSequencerState } from "@/renderer/hooks/useTestSequencerState";
+import { useConfigureDropRef } from "./utils";
export const DraggableRow = ({
row,
@@ -35,7 +32,7 @@ export const DraggableRow = ({
const [{ isDragging }, drag] = useDrag(
() => ({
type: ItemTypes.TestElementRow,
- item: { rowIdx: parseInt(row.id) },
+ item: { rowIdx: parseInt((row as Row).id) },
end: (item, monitor) => {
const dropResult = monitor.getDropResult();
if (item && dropResult) {
@@ -49,28 +46,14 @@ export const DraggableRow = ({
[elems],
);
- //define behaviour for drop
- const useConfigureDropRef = (idx: number) => {
- return useDrop(() => ({
- accept: [ItemTypes.TestElementRow],
- drop: (): TestSequenceDropResult => {
- return { type: Droppable.TestSequenceTable, targetIdx: idx };
- },
- collect: (monitor) => ({
- isOver: monitor.isOver(),
- canDrop: monitor.canDrop(),
- }),
- }));
- };
-
//create drop below context
const [{ isOver: isOverBelow, canDrop: canDropBelow }, dropBelow] =
- useConfigureDropRef(parseInt(row.id) + 1);
+ useConfigureDropRef(parseInt((row as Row).id) + 1);
const isActiveBelow = isOverBelow && canDropBelow;
//create drop above context
const [{ isOver: isOverAbove, canDrop: canDropAbove }, dropAbove] =
- useConfigureDropRef(parseInt(row.id));
+ useConfigureDropRef(parseInt((row as Row).id));
const isActiveAbove = isOverAbove && canDropAbove;
return (
diff --git a/src/renderer/routes/test_sequencer_panel/components/dnd/DroppableEmptyRow.tsx b/src/renderer/routes/test_sequencer_panel/components/dnd/DroppableEmptyRow.tsx
new file mode 100644
index 000000000..8c062b3f1
--- /dev/null
+++ b/src/renderer/routes/test_sequencer_panel/components/dnd/DroppableEmptyRow.tsx
@@ -0,0 +1,27 @@
+import { TableCell, TableRow } from "@/renderer/components/ui/table";
+import { useConfigureDropRef } from "./utils";
+
+export const DroppableEmptyRow = ({ colSpan }: { colSpan: number }) => {
+ //create drop below context
+ const [{ isOver: isOverEmpty, canDrop: canDropEmpty }, dropEmpty] =
+ useConfigureDropRef();
+ const isActive = isOverEmpty && canDropEmpty;
+
+ return (
+
+ {/* capture drag below */}
+
+
+ {isActive && (
+
+ )}
+
+
+ Add tests to get started!
+
+
+ );
+};
diff --git a/src/renderer/routes/test_sequencer_panel/components/dnd/utils.ts b/src/renderer/routes/test_sequencer_panel/components/dnd/utils.ts
new file mode 100644
index 000000000..18c2cbd7d
--- /dev/null
+++ b/src/renderer/routes/test_sequencer_panel/components/dnd/utils.ts
@@ -0,0 +1,20 @@
+import { useDrop } from "react-dnd";
+import {
+ Droppable,
+ ItemTypes,
+ TestSequenceDropResult,
+} from "../../models/drag_and_drop";
+
+//define behaviour for drop
+export const useConfigureDropRef = (idx = 0) => {
+ return useDrop(() => ({
+ accept: [ItemTypes.TestElementRow],
+ drop: (): TestSequenceDropResult => {
+ return { type: Droppable.TestSequenceTable, targetIdx: idx };
+ },
+ collect: (monitor) => ({
+ isOver: monitor.isOver(),
+ canDrop: monitor.canDrop(),
+ }),
+ }));
+};
diff --git a/src/renderer/routes/test_sequencer_panel/components/CloudPanel.tsx b/src/renderer/routes/test_sequencer_panel/components/panels/CloudPanel.tsx
similarity index 92%
rename from src/renderer/routes/test_sequencer_panel/components/CloudPanel.tsx
rename to src/renderer/routes/test_sequencer_panel/components/panels/CloudPanel.tsx
index 814ddbab3..1c63c236c 100644
--- a/src/renderer/routes/test_sequencer_panel/components/CloudPanel.tsx
+++ b/src/renderer/routes/test_sequencer_panel/components/panels/CloudPanel.tsx
@@ -1,8 +1,8 @@
import { useEffect, useState } from "react";
import { Input } from "@/renderer/components/ui/input";
import { useTestSequencerState } from "@/renderer/hooks/useTestSequencerState";
-import LockableButton from "./lockable/LockedButtons";
-import { testSequenceExportCloud } from "../models/models";
+import LockableButton from "../lockable/LockedButtons";
+import { testSequenceExportCloud } from "../../models/models";
import { useTestSequencerWS } from "@/renderer/context/testSequencerWS.context";
import {
Select,
@@ -13,7 +13,7 @@ import {
} from "@/renderer/components/ui/select";
import { baseClient } from "@/renderer/lib/base-client";
import { Button } from "@/renderer/components/ui/button";
-import EnvVarModal from "../../flow_chart/views/EnvVarModal";
+import EnvVarModal from "../../../flow_chart/views/EnvVarModal";
export function CloudPanel() {
const [isEnvVarModalOpen, setIsEnvVarModalOpen] = useState(false);
@@ -46,10 +46,6 @@ export function CloudPanel() {
return (
-
- Cloud Panel
-
-
Hardware id
diff --git a/src/renderer/routes/test_sequencer_panel/components/panels/ControlPanel.tsx b/src/renderer/routes/test_sequencer_panel/components/panels/ControlPanel.tsx
new file mode 100644
index 000000000..986909c28
--- /dev/null
+++ b/src/renderer/routes/test_sequencer_panel/components/panels/ControlPanel.tsx
@@ -0,0 +1,100 @@
+import { useContext, useState } from "react";
+import { useTestSequencerState } from "@/renderer/hooks/useTestSequencerState";
+import {
+ testSequenceRunRequest,
+ testSequenceStopRequest,
+} from "../../models/models";
+import { TestSequenceElement } from "@/renderer/types/testSequencer";
+import { ImportTestModal } from "../ImportTestModal";
+import LockableButton from "../lockable/LockedButtons";
+import { TSWebSocketContext } from "@/renderer/context/testSequencerWS.context";
+import { useTestSetSave } from "@/renderer/hooks/useTestSetSave";
+import { useTestSetImport } from "@/renderer/hooks/useTestSetImport";
+import _ from "lodash";
+
+export const ControlPanel = () => {
+ const { setElems, tree, setIsLocked, backendState } = useTestSequencerState();
+ const { tSSendJsonMessage } = useContext(TSWebSocketContext);
+ const resetStatus = () => {
+ setElems.withException((elems: TestSequenceElement[]) => {
+ const newElems: TestSequenceElement[] = [...elems].map((elem) => {
+ return elem.type === "test"
+ ? {
+ ...elem,
+ status: "pending",
+ completionTime: undefined,
+ isSavedToCloud: false,
+ }
+ : { ...elem };
+ });
+ return newElems;
+ });
+ };
+
+ const handleClickRunTest = () => {
+ console.log("Start test");
+ setIsLocked(true);
+ resetStatus();
+ tSSendJsonMessage(testSequenceRunRequest(tree));
+ };
+ const handleClickStopTest = () => {
+ console.log("Stop test");
+ tSSendJsonMessage(testSequenceStopRequest(tree));
+ setIsLocked(false);
+ };
+ const testSetSave = useTestSetSave();
+ const testSetImport = useTestSetImport();
+ const [isImportModalOpen, setIsImportModalOpen] = useState(false);
+ const handleClickImportTest = () => {
+ setIsImportModalOpen(true);
+ };
+ return (
+
+
+
+
+
+
+ Add Python Tests
+
+
+ Import Test Set
+
+
+ Save Test Set
+
+
+ {backendState === "TEST_SET_START"
+ ? "Stop Test Sequence"
+ : "Run Test Sequence"}
+
+
+
+
+ );
+};
diff --git a/src/renderer/routes/test_sequencer_panel/components/panels/TestGeneratorPanel/GeneratedTest.tsx b/src/renderer/routes/test_sequencer_panel/components/panels/TestGeneratorPanel/GeneratedTest.tsx
new file mode 100644
index 000000000..c58dbbd5c
--- /dev/null
+++ b/src/renderer/routes/test_sequencer_panel/components/panels/TestGeneratorPanel/GeneratedTest.tsx
@@ -0,0 +1,45 @@
+import { TableCell, TableRow } from "@/renderer/components/ui/table";
+import { Test } from "@/renderer/types/testSequencer";
+import { Row, flexRender } from "@tanstack/react-table";
+import { useDrag } from "react-dnd";
+import {
+ ItemTypes,
+ TestSequenceDropResult,
+} from "../../../models/drag_and_drop";
+import { useTestSequencerState } from "@/renderer/hooks/useTestSequencerState";
+
+export const GeneratedTest = ({ row, ...props }: { row: Row
}) => {
+ const { elems, setElems } = useTestSequencerState();
+ const [, drag] = useDrag(
+ () => ({
+ type: ItemTypes.TestElementRow,
+ item: { row: row },
+ end: (item, monitor) => {
+ const dropResult = monitor.getDropResult();
+ if (item && dropResult) {
+ setElems((elems) => {
+ const newElems = [...elems];
+ newElems.splice(dropResult.targetIdx, 0, item.row.original);
+ return newElems;
+ });
+ }
+ },
+ }),
+ [elems],
+ );
+ return (
+
+ {row.getVisibleCells().map((cell) => (
+
+ {flexRender(cell.column.columnDef.cell, cell.getContext())}
+
+ ))}
+
+ );
+};
diff --git a/src/renderer/routes/test_sequencer_panel/components/panels/TestGeneratorPanel/TestGeneratorPanel.tsx b/src/renderer/routes/test_sequencer_panel/components/panels/TestGeneratorPanel/TestGeneratorPanel.tsx
new file mode 100644
index 000000000..9bf495714
--- /dev/null
+++ b/src/renderer/routes/test_sequencer_panel/components/panels/TestGeneratorPanel/TestGeneratorPanel.tsx
@@ -0,0 +1,231 @@
+import { Button } from "@/renderer/components/ui/button";
+import { Input } from "@/renderer/components/ui/input";
+import { Label } from "@/renderer/components/ui/label";
+import { Separator } from "@/renderer/components/ui/separator";
+import {
+ Table,
+ TableBody,
+ TableCell,
+ TableHead,
+ TableHeader,
+ TableRow,
+} from "@/renderer/components/ui/table";
+import { GenerateTestRequest, Test } from "@/renderer/types/testSequencer";
+import {
+ ColumnDef,
+ flexRender,
+ getCoreRowModel,
+ useReactTable,
+} from "@tanstack/react-table";
+import { useState } from "react";
+import { GeneratedTest } from "./GeneratedTest";
+// import {
+// Popover,
+// PopoverContent,
+// PopoverTrigger,
+// } from "@/components/ui/popover";
+// import { CaretSortIcon, CheckIcon } from "@radix-ui/react-icons";
+// import {
+// Command,
+// CommandEmpty,
+// CommandGroup,
+// CommandInput,
+// CommandItem,
+// } from "@/renderer/components/ui/command";
+// import { cn } from "@/renderer/lib/utils";
+import { baseClient } from "@/renderer/lib/base-client";
+import { atomWithImmer } from "jotai-immer";
+import { useAtom } from "jotai";
+import {
+ ContextMenu,
+ ContextMenuContent,
+ ContextMenuItem,
+ ContextMenuTrigger,
+} from "@/renderer/components/ui/context-menu";
+import { toast } from "sonner";
+
+export const columns: ColumnDef[] = [
+ {
+ id: "name",
+ header: "Test Name",
+ cell: ({ row }) => {
+ return {row.original.testName}
;
+ },
+ },
+ {
+ id: "type",
+ header: "Test Type",
+ cell: ({ row }) => {
+ return {row.original.testType}
;
+ },
+ },
+];
+
+// const testTypes: { value: TestTypes; label: string }[] = [
+// { value: "Python", label: "Python" },
+// { value: "Pytest", label: "Pytest" },
+// ];
+
+// might need this in the future
+// const TestTypeCombobox = () => {
+// const [open, setOpen] = useState(false);
+// const [value, setValue] = useState("");
+//
+// return (
+//
+//
+//
+// {value
+// ? testTypes.find((type) => type.value === value)?.label
+// : "Select test type..."}
+//
+//
+//
+//
+//
+//
+// No test type found
+//
+// {testTypes.map((framework) => (
+// {
+// setValue(currentValue === value ? "" : currentValue);
+// setOpen(false);
+// }}
+// >
+// {framework.label}
+//
+//
+// ))}
+//
+//
+//
+//
+// );
+// };
+const generatedTestsAtom = atomWithImmer([]);
+
+export const TestGeneratorPanel = () => {
+ const [data, setData] = useAtom(generatedTestsAtom);
+ const table = useReactTable({
+ data,
+ columns,
+ getCoreRowModel: getCoreRowModel(),
+ });
+ const [prompt, setPrompt] = useState("");
+ const [name, setName] = useState("");
+ const handleClickGenerate = async () => {
+ const body: GenerateTestRequest = {
+ testName: name,
+ testType: "Python",
+ prompt: prompt,
+ };
+ const { data } = await baseClient.post("generate-test", body);
+ const data_obj = JSON.parse(data);
+ setData((prevData) => {
+ return [...prevData, { ...data_obj.test }];
+ });
+ };
+ const handleRemoveTest = (testId: string) => {
+ setData((data) => data.filter((elem) => elem.id !== testId));
+ };
+ // const handleConsultCode =
+ return (
+
+
Enter test name:
+
setName(e.target.value)}
+ id="testName"
+ placeholder="Test name"
+ />
+
Enter prompt:
+
setPrompt(e.target.value)}
+ id="prompt"
+ placeholder="Example: Test basic arithmetic operations"
+ />
+ {/* No need for this for now */}
+ {/*
*/}
+
{
+ toast.promise(handleClickGenerate, {
+ loading: "Generating test...",
+ success: "Test generated successfully!",
+ });
+ }}
+ >
+ Generate
+
+
+
Generated tests:
+
+
+
+ {table.getHeaderGroups().map((headerGroup) => (
+
+ {headerGroup.headers.map((header) => {
+ return (
+
+ {header.isPlaceholder
+ ? null
+ : flexRender(
+ header.column.columnDef.header,
+ header.getContext(),
+ )}
+
+ );
+ })}
+
+ ))}
+
+
+ {table.getRowModel().rows?.length ? (
+ table.getRowModel().rows.map((row) => (
+
+
+
+
+
+ handleRemoveTest(row.original.id)}
+ >
+ Remove test
+
+
+
+ ))
+ ) : (
+
+
+ Generated tests will appear here
+
+
+ )}
+
+
+
+
+ );
+};
diff --git a/src/renderer/types/testSequencer.ts b/src/renderer/types/testSequencer.ts
index 7caaf831e..69f20fe02 100644
--- a/src/renderer/types/testSequencer.ts
+++ b/src/renderer/types/testSequencer.ts
@@ -90,3 +90,9 @@ export type TestDiscoveryResponse = {
testName: string;
path: string;
};
+
+export type GenerateTestRequest = {
+ testName: string;
+ testType: TestTypes;
+ prompt: string;
+};
diff --git a/test_coool b/test_coool
new file mode 100644
index 000000000..152f78657
--- /dev/null
+++ b/test_coool
@@ -0,0 +1,7 @@
+# Testing arithmetic operations
+assert 2 + 2 == 4
+assert 5 - 3 == 2
+assert 3 * 4 == 12
+assert 10 / 2 == 5
+assert 5 ** 2 == 25
+assert 15 % 7 == 1
\ No newline at end of file
diff --git a/test_example.py b/test_example.py
new file mode 100644
index 000000000..df67a9b3a
--- /dev/null
+++ b/test_example.py
@@ -0,0 +1,11 @@
+# Test addition
+assert 2 + 2 == 4
+
+# Test subtraction
+assert 5 - 3 == 2
+
+# Test multiplication
+assert 7 * 8 == 56
+
+# Test division
+assert 10 / 2 == 5
\ No newline at end of file