This thread has been locked.

If you have a related question, please click the "Ask a related question" button in the top right corner. The newly created question will be automatically linked to this question.

SK-TDA4VM: Compiling YOLOPv2 with TIDL-Tools 11.00.06.00 for Processor SDK Linux 11.00.00.08

Part Number: SK-TDA4VM

Tool/software:

Hi,

I have tried compiling YOLOPv2 for TIDL-Tools version 11_00_06_00. 

The code used for compiling is attached as sample.py

import os
import copy
import time
import argparse

import cv2
import numpy as np

import onnxruntime

from utils import utils_onnx
from pathlib import Path

from utils.utils_onnx import increment_path, LoadImages

import shutil
import platform

def get_args():
    parser = argparse.ArgumentParser()

    parser.add_argument(
        '--video',
        type=str,
        default='sample.mp4',
    )
    parser.add_argument(
        "-c", "--compile",
        action="store_true",
        help="Run in Model compilation mode"
    )
    parser.add_argument(
        "-d", "--disable_offload",
        action="store_true",
        help="Disable offload to TIDL"
    )
    parser.add_argument(
        '--model',
        type=str,
        default='weight/YOLOPv2.onnx',
    )
    parser.add_argument(
        '--score_th',
        type=float,
        default=0.3,
    )
    parser.add_argument(
        '--nms_th',
        type=float,
        default=0.45,
    )
    parser.add_argument(
            '--save',
            action='store_true',
            help='save images/videos'
    )
    parser.add_argument(
            '--source',
            type=str,
            default='sample.mp4',
            help='input source'
    )
    parser.add_argument(
            '--project',
            default='runs/detect',
            help='save results to project/name'
    )
    parser.add_argument(
            '--name',
            default='exp',
            help='save results to project/name'
    )
    parser.add_argument(
            '--exist-ok',
            action='store_true',
            help='existing project/name ok, do not increment'
    )
    parser.add_argument(
            '--screen',
            type=int,
            default=1,
            help='Screen number you want to use for capturing'
    )
    parser.add_argument(
            '--log',
            type=int,
            default=2,
            help='Log severity level.0:Verbose, 1:Info, 2:Warning. 3:Error, 4:Fatal.'
    )
    args = parser.parse_args()

    return args


def run_inference(
    onnx_session,
    image,
    score_th,
    nms_th,
):
    # 前処理
    # パディング処理を実行
    input_image = copy.deepcopy(image)
    input_image, _, (pad_w, pad_h) = utils_onnx.letterbox(input_image)

    # BGR→RGB変換
    input_image = input_image[:, :, ::-1].transpose(2, 0, 1)

    # PyTorch Tensorに変換
    input_image = np.ascontiguousarray(input_image)

    # 正規化
    input_image = input_image.astype('float32')
    input_image /= 255.0

    # NCHWに変換
    input_image = np.expand_dims(input_image, axis=0)

    # 推論
    input_details = onnx_session.get_inputs()
    input_name = input_details[0].name
    input_shape = input_details[0].shape
    results = onnx_session.run(None, {input_name: input_image})

    result_dets = []
    result_dets.append(results[0][0])
    result_dets.append(results[0][1])
    result_dets.append(results[0][2])

    anchor_grid = []
    anchor_grid.append(results[1])
    anchor_grid.append(results[2])
    anchor_grid.append(results[3])

    # 後処理
    # 車検出
    result_dets = utils_onnx.split_for_trace_model(
        result_dets,
        anchor_grid,
    )

    result_dets = utils_onnx.non_max_suppression(
        result_dets,
        conf_thres=score_th,
        iou_thres=nms_th,
    )

    bboxes = []
    scores = []
    class_ids = []
    for result_det in result_dets:
        if len(result_det) > 0:
            # バウンディングボックスのスケールを調整
            result_det[:, :4] = utils_onnx.scale_coords(
                input_image.shape[2:],
                result_det[:, :4],
                image.shape,
            ).round()

            # バウンディングボックス、スコア、クラスIDを取得
            for *xyxy, score, class_id in reversed(result_det):
                x1, y1 = xyxy[0], xyxy[1]
                x2, y2 = xyxy[2], xyxy[3]

                bboxes.append([int(x1), int(y1), int(x2), int(y2)])
                scores.append(float(score))
                class_ids.append(int(class_id))

    # 路面セグメンテーション
    result_road_seg = utils_onnx.driving_area_mask(
        results[4],
        (pad_w, pad_h),
    )

    # レーンセグメンテーション
    result_lane_seg = utils_onnx.lane_line_mask(
        results[5],
        (pad_w, pad_h),
    )

    return (bboxes, scores, class_ids), result_road_seg, result_lane_seg


def main():
    # 引数
    args = get_args()
    # Enforce compilation on x86 only

    if platform.machine() == "aarch64" and args.compile == True:
        print(
            "Compilation of models is only supported on x86 machine \n\
            Please do the compilation on PC and copy artifacts for running on TIDL devices "
        )
        exit(-1)

    source = args.source
    screen = args.screen
    save_img = args.save # save inference images

    if save_img:
        save_dir = Path(increment_path(Path(args.project) / args.name, exist_ok=args.exist_ok))  # increment run
        save_dir.mkdir(parents=True, exist_ok=True)  # make save_dir

    video_path = args.video

    model_path = args.model
    score_th = args.score_th
    nms_th = args.nms_th

    # ONNXファイル有無確認
    if not os.path.isfile(model_path):
        import urllib.request
        url = 'https://github.com/Kazuhito00/YOLOPv2-ONNX-Sample/releases/download/v0.0.0/YOLOPv2.onnx'
        weights_save_path = 'weight/YOLOPv2.onnx'

        print('Start Download:YOLOPv2.onnx')
        urllib.request.urlretrieve(url, weights_save_path)
        print('Finish Download')

    # モデルロード
    c7x_firmware_version = "11_00_00_00" #set variable for firmware version.
    compile_options = {}
    so = onnxruntime.SessionOptions()
    so.log_severity_level = args.log
    compile_options['artifacts_folder'] = 'custom-artifacts/yolopv2'
    compile_options['tidl_tools_path'] = os.environ.get("TIDL_TOOLS_PATH")
    compile_options['advanced_options:c7x_firmware_version'] = c7x_firmware_version
#    compile_options['calibration_frames'] = 1
    print(f"compile_options: {compile_options}")

    calib_images = os.listdir('calib-imgs')

    if args.compile:
        import onnx
        os.makedirs(compile_options["artifacts_folder"], exist_ok=True)
        for root, dirs, files in os.walk(
            compile_options["artifacts_folder"], topdown=False
        ):
            [os.remove(os.path.join(root, f)) for f in files]
            [os.rmdir(os.path.join(root, d)) for d in dirs]

        EP_list = ['TIDLCompilationProvider', 'CPUExecutionProvider']
        # Shape inference needed for offload to C7x
        onnx.shape_inference.infer_shapes_path(
            model_path, model_path
        )

        onnx_session = onnxruntime.InferenceSession(
            model_path,
            providers=EP_list,
            provider_options=[compile_options, {}],
            sess_options=so
        )
        print(f"EP: {onnx_session.get_providers()}")

    elif args.disable_offload:
        EP_list = ['CPUExecutionProvider']

        onnx_session = onnxruntime.InferenceSession(
            model_path,
            providers=EP_list,
            sess_options=so
        )
        print(f"EP: {onnx_session.get_providers()}")
    else:
        EP_list = ['TIDLExecutionProvider', 'CPUExecutionProvider']

        onnx_session = onnxruntime.InferenceSession(
            model_path,
            providers=EP_list,
            provider_options=[compile_options, {}],
            sess_options=so
        )
        print(f"EP: {onnx_session.get_providers()}")

    vid_path, vid_writer = None, None
    dataset = LoadImages(source, screen=screen)


    # ビデオ読み込み
    #video_capture = cv2.VideoCapture(video_path)

    for path, frame, vid_cap in dataset:
        start_time = time.time()

        # 画像読み込み
#        ret, frame = video_capture.read()
#        if not ret:
#            break

        # 推論
        (bboxes, scores, class_ids), road_seg, lane_seg = run_inference(
            onnx_session,
            frame,
            score_th,
            nms_th,
        )

        fps = 1 / (time.time() - start_time)

        # 推論結果可視化
        debug_image = draw_debug_image(
            frame,
            (bboxes, scores, class_ids),
            road_seg,
            lane_seg,
            fps,
        )

        if not args.compile:
            # Image height and width are needed for drawing mid points on the image prepared from all the results of seg, lanes, boxes
            img_height, img_width, _ = debug_image.shape
#        cv2.imshow("YOLOPv2", debug_image)
#        key = cv2.waitKey(1)
#        if key == 27:  # ESC
#            break

        out_pipeline = "appsrc ! videoconvert ! kmssink driver-name=tidss sync=false"

        # Save image/video with segments, lanes and mid points shown. Not relevant for inference though.
        if save_img:
            p = Path(path)
            save_path = str(save_dir / p.name)  # img.jpg
            if dataset.mode == 'image':
                cv2.imwrite(save_path, debug_image)
                print(f" The image with the result is saved in: {save_path}")
            else:  # 'video' or 'stream'
                if vid_path != save_path:  # new video
                    vid_path = save_path
                    if isinstance(vid_writer, cv2.VideoWriter):
                        vid_writer.release()  # release previous video writer
                    if vid_cap:  # video
                        fps = vid_cap.get(cv2.CAP_PROP_FPS)
                        #w = int(video_capture.get(cv2.CAP_PROP_FRAME_WIDTH))
                        #h = int(video_capture.get(cv2.CAP_PROP_FRAME_HEIGHT))
                        w,h = debug_image.shape[1], debug_image.shape[0]
                    else:  # stream
                        fps, w, h = 30, debug_image.shape[1], debug_image.shape[0]
                        save_path += '.mp4'
                    vid_writer = cv2.VideoWriter(out_pipeline, cv2.CAP_GSTREAMER, 0, fps, (w, h))
                vid_writer.write(debug_image)

#    video_capture.release()
#    cv2.destroyAllWindows()


def draw_debug_image(
    image,
    car_dets,
    road_seg,
    lane_seg,
    fps,
):
    debug_image = copy.deepcopy(image)

    # 路面セグメンテーション
    image_width, image_height = debug_image.shape[1], debug_image.shape[0]

    # マスク画像を生成
    road_mask = np.stack((road_seg, ) * 3, axis=-1).astype('float32')
    road_mask = cv2.resize(
        road_mask,
        dsize=(image_width, image_height),
        interpolation=cv2.INTER_LINEAR,
    )
    road_mask = np.where(road_mask > 0.5, 0, 1)

    # マスク画像と画像を合成
    bg_image = np.zeros(debug_image.shape, dtype=np.uint8)
    bg_image[:] = [0, 255, 0]
    road_mask_image = np.where(road_mask, debug_image, bg_image)

    # 半透明画像として合成
    debug_image = cv2.addWeighted(debug_image, 0.5, road_mask_image, 0.5, 1.0)

    # レーンセグメンテーション
    # マスク画像を生成
    road_mask = np.stack((lane_seg, ) * 3, axis=-1).astype('float32')
    road_mask = cv2.resize(
        road_mask,
        dsize=(image_width, image_height),
        interpolation=cv2.INTER_LINEAR,
    )
    road_mask = np.where(road_mask > 0.5, 0, 1)

    # マスク画像と画像を合成
    bg_image = np.zeros(debug_image.shape, dtype=np.uint8)
    bg_image[:] = [0, 0, 255]
    road_mask_image = np.where(road_mask, debug_image, bg_image)

    # 半透明画像として合成
    debug_image = cv2.addWeighted(debug_image, 0.5, road_mask_image, 0.5, 1.0)

    # 車検出結果
    for bbox, score, class_id in zip(*car_dets):
        # バウンディングボックス
        cv2.rectangle(
            debug_image,
            pt1=(bbox[0], bbox[1]),
            pt2=(bbox[2], bbox[3]),
            color=(0, 255, 255),
            thickness=2,
        )

        # クラスID、スコア
#        text = '%s:%s' % (str(class_id), '%.2f' % score)
#        cv2.putText(
#            debug_image,
#            text,
#            (bbox[0], bbox[1] - 10),
#            cv2.FONT_HERSHEY_SIMPLEX,
#            0.7,
#            color=(0, 255, 255),
#            thickness=2,
#        )

    # 処理時間
    cv2.putText(
        debug_image,
        "FPS:" + '{:.1f}'.format(fps),
        (10, 30),
        cv2.FONT_HERSHEY_SIMPLEX,
        0.8,
        (255, 0, 0),
        2,
        cv2.LINE_AA,
    )

    return debug_image


if __name__ == "__main__":
    main()

The compilation starts fine but after compiling the first subgraph, it just gets stuck without anything happening. I have waited for up to half an hour for anything to change, without any success. 

Running the compilation code with logging level 0 (verbose) I got the following output.

compilation_yolop_11.txt

root@c1921b6aa976:/home/root/yolopv2# python3
.ipynb_checkpoints/      README.md                calib-imgs/              exp/                     runs/                    screen_grab.py           steering.py              video2.jpg
Convert2ONNX.ipynb       YOLOPv2.onnx             custom-artifacts/        pid.py                   sample.mp4               scripts/                 trial.ipynb              weight/
LICENSE                  __pycache__/             da_seg_mid.py            pipeline.txt             sample.py                some-imgs/               utils/                   yolopv2_compile_log.txt
root@c1921b6aa976:/home/root/yolopv2# python3 sample.py -c --source calib-imgs/ --log 0
compile_options: {'artifacts_folder': 'custom-artifacts/yolopv2', 'tidl_tools_path': '/home/root/tools/AM68PA/tidl_tools', 'advanced_options:c7x_firmware_version': '11_00_00_00'}
2025-06-02 13:15:02.696482614 [I:onnxruntime:, inference_session.cc:284 operator()] Flush-to-zero and denormal-as-zero are off
2025-06-02 13:15:02.696510496 [I:onnxruntime:, inference_session.cc:292 ConstructorCommon] Creating and using per session threadpools since use_per_session_threads_ is true
2025-06-02 13:15:02.696521637 [I:onnxruntime:, inference_session.cc:310 ConstructorCommon] Dynamic block base set to 0
2025-06-02 13:15:02.798449102 [I:onnxruntime:, inference_session.cc:1344 Initialize] Initializing session.
2025-06-02 13:15:02.798503866 [I:onnxruntime:, session_state.cc:98 SetupAllocators] Allocator already registered for OrtMemoryInfo:[name:Cpu id:0 OrtMemType:0 OrtAllocatorType:1 Device:[DeviceType:0 MemoryType:0 DeviceId:0]]. Ignoring allocator from CPUExecutionProvider
2025-06-02 13:15:02.800720522 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 5
2025-06-02 13:15:02.807740881 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.808963876 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.812330249 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.813189185 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.816438586 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.817257235 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.820504522 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.821372575 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.824646312 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.825452639 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.828733299 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.829554554 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.832909735 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.833777538 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.837073777 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.837885394 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.841124886 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
2025-06-02 13:15:02.841943405 [I:onnxruntime:, constant_sharing.cc:257 ApplyImpl] Total shared scalar initializer count: 0
2025-06-02 13:15:02.845196804 [I:onnxruntime:, reshape_fusion.cc:53 ApplyImpl] Total fused reshape node count: 0
========================= [Model Compilation Started] =========================

Model compilation will perform the following stages:
1. Parsing
2. Graph Optimization
3. Quantization & Calibration
4. Memory Planning

============================== [Version Summary] ==============================

-------------------------------------------------------------------------------
|          TIDL Tools Version          |              11_00_06_00             |
-------------------------------------------------------------------------------
|         C7x Firmware Version         |              11_00_00_00             |
-------------------------------------------------------------------------------
|            Runtime Version           |                1.15.0                |
-------------------------------------------------------------------------------
|          Model Opset Version         |                  17                  |
-------------------------------------------------------------------------------

============================== [Parsing Started] ==============================

[TIDL Import] [PARSER] WARNING: Network not identified as Object Detection network : (1) Ignore if network is not Object Detection network (2) If network is Object Detection network, please specify "model_type":"OD" as part of OSRT compilation options
[TIDL Import]  WARNING: Change to Upsample/Resize if possible instead of Deconvolution. It will be more efficient
[TIDL Import]  WARNING: Change to Upsample/Resize if possible instead of Deconvolution. It will be more efficient
[TIDL Import]  WARNING: Change to Upsample/Resize if possible instead of Deconvolution. It will be more efficient

------------------------- Subgraph Information Summary -------------------------
-------------------------------------------------------------------------------
|          Core           |      No. of Nodes       |   Number of Subgraphs   |
-------------------------------------------------------------------------------
| C7x                     |                     419 |                       3 |
| CPU                     |                       5 |                       x |
-------------------------------------------------------------------------------
----------------------------------------------------------------------------------------------------------------------------------
|       Node        |      Node Name     |                                        Reason                                         |
----------------------------------------------------------------------------------------------------------------------------------
| MaxPool           | /MaxPool_5         | Kernel size (13x13) with stride (1x1) not supported                                   |
| MaxPool           | /MaxPool_4         | Kernel size (9x9) with stride (1x1) not supported                                     |
| MaxPool           | /MaxPool_3         | Kernel size (5x5) with stride (1x1) not supported                                     |
| Expand            | /Expand            | Layer type not supported by TIDL                                                      |
| SequenceConstruct | /SequenceConstruct | Layer 303 - op type SequenceConstruct, Unknown input dimension, not supported by TIDL |
----------------------------------------------------------------------------------------------------------------------------------
============================= [Parsing Completed] =============================

2025-06-02 13:15:03.933148924 [W:onnxruntime:, graph.cc:3533 CleanUnusedInitializersAndNodeArgs] Removing initializer '777'. It is not used by any node and should be removed from the model.
2025-06-02 13:15:03.933186165 [W:onnxruntime:, graph.cc:3533 CleanUnusedInitializersAndNodeArgs] Removing initializer '776'. It is not used by any node and should be removed from the model.
2025-06-02 13:15:03.933203958 [W:onnxruntime:, graph.cc:3533 CleanUnusedInitializersAndNodeArgs] Removing initializer '775'. It is not used by any node and should be removed from the model.
2025-06-02 13:15:04.035994196 [V:onnxruntime:, session_state.cc:1149 VerifyEachNodeIsAssignedToAnEp] Node placements
2025-06-02 13:15:04.036025415 [V:onnxruntime:, session_state.cc:1155 VerifyEachNodeIsAssignedToAnEp]  Node(s) placed on [TIDLExecutionProvider]. Number of nodes: 3
2025-06-02 13:15:04.036031547 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   TIDL_0 (TIDLExecutionProvider_TIDL_0_0)
2025-06-02 13:15:04.036036436 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   TIDL_1 (TIDLExecutionProvider_TIDL_1_1)
2025-06-02 13:15:04.036041155 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   TIDL_2 (TIDLExecutionProvider_TIDL_2_2)
2025-06-02 13:15:04.036046134 [V:onnxruntime:, session_state.cc:1155 VerifyEachNodeIsAssignedToAnEp]  Node(s) placed on [CPUExecutionProvider]. Number of nodes: 9
2025-06-02 13:15:04.036052947 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   Expand (/Expand)
2025-06-02 13:15:04.036059059 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   SequenceConstruct (/SequenceConstruct)
2025-06-02 13:15:04.036067104 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   MaxPool (/MaxPool_5_output_0_nchwc)
2025-06-02 13:15:04.036073767 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   ReorderInput (ReorderInput)
2025-06-02 13:15:04.036080169 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   MaxPool (/MaxPool_4_output_0_nchwc)
2025-06-02 13:15:04.036086140 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   MaxPool (/MaxPool_3_output_0_nchwc)
2025-06-02 13:15:04.036092182 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   ReorderOutput (ReorderOutput)
2025-06-02 13:15:04.036098624 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   ReorderOutput (ReorderOutput_token_245)
2025-06-02 13:15:04.036105326 [V:onnxruntime:, session_state.cc:1157 VerifyEachNodeIsAssignedToAnEp]   ReorderOutput (ReorderOutput_token_246)
2025-06-02 13:15:04.036205466 [V:onnxruntime:, session_state.cc:133 CreateGraphInfo] SaveMLValueNameIndexMapping
2025-06-02 13:15:04.036279115 [V:onnxruntime:, session_state.cc:179 CreateGraphInfo] Done saving OrtValue mappings.
2025-06-02 13:15:04.036289856 [I:onnxruntime:, allocation_planner.cc:2376 CreateGraphPartitioner] Use DeviceBasedPartition as default
2025-06-02 13:15:04.036560849 [I:onnxruntime:, session_state_utils.cc:201 SaveInitializedTensors] Saving initialized tensors.
2025-06-02 13:15:04.058569250 [I:onnxruntime:, session_state_utils.cc:344 SaveInitializedTensors] Done saving initialized tensors
2025-06-02 13:15:11.108170419 [I:onnxruntime:, inference_session.cc:1645 Initialize] Session successfully initialized.
EP: ['TIDLExecutionProvider', 'CPUExecutionProvider']
/home/root/yolopv2/calib-imgs
2025-06-02 13:15:11.122816784 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:11.123040657 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
==================== [Optimization for subgraph_0 Started] ====================

----------------------------- Optimization Summary -----------------------------
--------------------------------------------------------------------------------
|         Layer         | Nodes before optimization | Nodes after optimization |
--------------------------------------------------------------------------------
| TIDL_BatchNormLayer   |                         0 |                       47 |
| TIDL_ConcatLayer      |                         7 |                        7 |
| TIDL_EltWiseLayer     |                        47 |                       47 |
| TIDL_SigmoidLayer     |                        47 |                        0 |
| TIDL_ConvolutionLayer |                        47 |                       47 |
| TIDL_PoolingLayer     |                         3 |                        3 |
--------------------------------------------------------------------------------

Total nodes in subgraph: 156

=================== [Optimization for subgraph_0 Completed] ===================

The soft limit is 10240
The hard limit is 10240
MEM: Init ... !!!
MEM: Init ... Done !!!
 0.0s:  VX_ZONE_INFO: Globally Enabled VX_ZONE_INFO
 0.11s:  VX_ZONE_INFO: Globally Enabled VX_ZONE_ERROR
 0.14s:  VX_ZONE_INFO: Globally Enabled VX_ZONE_WARNING
 0.153s:  VX_ZONE_INFO: [ownAddTargetKernelInternal:189] registered kernel vx_tutorial_graph.phase_rgb on target DSP-1
 0.178s:  VX_ZONE_INFO: [ownAddTargetKernelInternal:189] registered kernel vx_tutorial_graph.phase_rgb on target DSP-2
 0.1848s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target MPU-0
 0.1900s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target MPU-1
 0.1962s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target MPU-2
 0.2018s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target MPU-3
 0.2081s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP_C7-1
 0.2139s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP_C7-1_PRI_2
 0.2199s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP_C7-1_PRI_3
 0.2261s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP_C7-1_PRI_4
 0.2335s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP_C7-1_PRI_5
 0.2542s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP_C7-1_PRI_6
 0.2604s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP_C7-1_PRI_7
 0.2668s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP_C7-1_PRI_8
 0.2735s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target MCU2-0
 0.2795s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target VPAC_NF
 0.2864s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target VPAC_LDC1
 0.2929s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target VPAC_MSC1
 0.2990s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target VPAC_MSC2
 0.3039s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target VPAC_VISS1
 0.3093s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CAPTURE1
 0.3153s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CAPTURE2
 0.3215s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CAPTURE3
 0.3283s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CAPTURE4
 0.3351s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CAPTURE5
 0.3411s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CAPTURE6
 0.3476s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CAPTURE7
 0.3532s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CAPTURE8
 0.3580s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DISPLAY1
 0.3635s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DISPLAY2
 0.3691s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target CSITX
 0.3753s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSS_M2M1
 0.3823s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSS_M2M2
 0.3878s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSS_M2M3
 0.3939s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSS_M2M4
 0.3995s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target VPAC_FC
 0.4058s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target MCU2-1
 0.4120s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DMPAC_SDE
 0.4183s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DMPAC_DOF
 0.4253s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target MCU3-0
 0.4333s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target MCU3-1
 0.4390s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP-1
 0.4459s:  VX_ZONE_INFO: [tivxPlatformCreateTargetId:169] Added target DSP-2
 0.4467s:  VX_ZONE_INFO: [tivxInit:152] Initialization Done !!!
 0.4470s:  VX_ZONE_INFO: Globally Disabled VX_ZONE_INFO
============= [Quantization & Calibration for subgraph_0 Started] =============

2025-06-02 13:15:14.848349008 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:14.848430682 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:14.848514401 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:14.848541011 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:14.848659786 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:14.848716243 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:14.848826792 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:14.848875324 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
==================== [Optimization for subgraph_1 Started] ====================

----------------------------- Optimization Summary -----------------------------
---------------------------------------------------------------------------------
|          Layer         | Nodes before optimization | Nodes after optimization |
---------------------------------------------------------------------------------
| TIDL_InnerProductLayer |                         2 |                        2 |
| TIDL_BatchNormLayer    |                         1 |                       27 |
| TIDL_EltWiseLayer      |                        25 |                       25 |
| TIDL_SigmoidLayer      |                        26 |                        0 |
| TIDL_ConstDataLayer    |                         0 |                        2 |
| TIDL_ResizeLayer       |                         5 |                        5 |
| TIDL_ConvolutionLayer  |                        28 |                       28 |
| TIDL_ConcatLayer       |                         6 |                        6 |
| TIDL_PoolingLayer      |                         1 |                        1 |
| TIDL_LeakyReluLayer    |                         1 |                        0 |
---------------------------------------------------------------------------------

Total nodes in subgraph: 115

=================== [Optimization for subgraph_1 Completed] ===================

============= [Quantization & Calibration for subgraph_1 Started] =============

2025-06-02 13:15:17.277308184 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:17.277335836 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:17.277341797 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:17.277347658 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:17.277353169 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:17.277359521 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:17.277368157 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:17.277374279 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:17.277510537 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:17.277517650 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
==================== [Optimization for subgraph_2 Started] ====================

----------------------------- Optimization Summary -----------------------------
--------------------------------------------------------------------------------
|         Layer         | Nodes before optimization | Nodes after optimization |
--------------------------------------------------------------------------------
| TIDL_BatchNormLayer   |                         6 |                       50 |
| TIDL_Deconv2DLayer    |                         3 |                        3 |
| TIDL_ConcatLayer      |                         8 |                        8 |
| TIDL_EltWiseLayer     |                        52 |                       46 |
| TIDL_SigmoidLayer     |                        46 |                        0 |
| TIDL_ResizeLayer      |                         1 |                        1 |
| TIDL_ConvolutionLayer |                        50 |                       50 |
| TIDL_LeakyReluLayer   |                         3 |                        0 |
| TIDL_PoolingLayer     |                         2 |                        2 |
--------------------------------------------------------------------------------

Total nodes in subgraph: 175

=================== [Optimization for subgraph_2 Completed] ===================

[TIDL Import]  WARNING: Change to Upsample/Resize if possible instead of Deconvolution. It will be more efficient
[TIDL Import]  WARNING: Change to Upsample/Resize if possible instead of Deconvolution. It will be more efficient
[TIDL Import]  WARNING: Change to Upsample/Resize if possible instead of Deconvolution. It will be more efficient
============= [Quantization & Calibration for subgraph_2 Started] =============

2025-06-02 13:15:20.245013095 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:20.245042210 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:20.245051819 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:20.245061246 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:20.245071155 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:20.245080743 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:20.245089099 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:20.245098978 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:20.245106813 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:20.245115940 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:20.245124136 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:20.245395830 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:20.245406049 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:20.245414806 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:20.245422731 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:20.286478427 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:20.286569049 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:20.478881306 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:20.478946620 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:20.479053112 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:20.479107174 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:20.479168310 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:20.479212704 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:20.479286513 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:20.479332280 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:20.537889276 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:20.537915926 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:20.537921907 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:20.537926797 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:20.537931606 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:20.537936515 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:20.537943588 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:20.537949449 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:20.538091088 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:20.538098772 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:20.821868013 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:20.821893552 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:20.821902338 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:20.821910033 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:20.821917647 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:20.821925873 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:20.821933377 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:20.821938807 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:20.821945460 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:20.821954186 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:20.821962873 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:20.822179353 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:20.822186456 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:20.822192668 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:20.822199601 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:20.872306892 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:20.872393215 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:21.066153814 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:21.066226712 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:21.066354554 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:21.066400521 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:21.066472938 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:21.066513475 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:21.066585641 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:21.066627631 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:21.130442469 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:21.130478498 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:21.130488126 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:21.130495339 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:21.130502613 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:21.130512121 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:21.130519746 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:21.130527691 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:21.130699676 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:21.130707922 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:21.426586205 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:21.426613997 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:21.426619628 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:21.426626451 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:21.426633254 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:21.426640878 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:21.426649494 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:21.426658521 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:21.426666477 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:21.426674261 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:21.426682347 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:21.426926869 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:21.426935726 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:21.426942589 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:21.426950224 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:21.473976011 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:21.474062705 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:21.664769934 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:21.664841530 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:21.664967899 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:21.665022342 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:21.665086504 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:21.665131549 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:21.665206711 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:21.665255604 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:21.727714856 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:21.727742999 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:21.727749502 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:21.727755613 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:21.727764871 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:21.727771674 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:21.727784738 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:21.727796010 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:21.727974968 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:21.727987352 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:22.023556950 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:22.023585625 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:22.023591365 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:22.023596325 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:22.023601074 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:22.023606143 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:22.023614219 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:22.023621002 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:22.023627965 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:22.023635319 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:22.023646480 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:22.023885753 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:22.023894349 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:22.023899679 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:22.023905210 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:22.066271547 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:22.066357540 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:22.257371570 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:22.257526843 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:22.257595273 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:22.257632483 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:22.257684963 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:22.257723536 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:22.257801193 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:22.257843022 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:22.314622282 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:22.314651037 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:22.314659032 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:22.314667037 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:22.314676976 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:22.314683769 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:22.314688798 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:22.314695311 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:22.314853951 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:22.314863319 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:22.610782619 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:22.610815872 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:22.610824739 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:22.610837252 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:22.610850638 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:22.610862821 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:22.610877168 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:22.610890583 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:22.610904189 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:22.610917444 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:22.610928896 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:22.611177116 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:22.611191062 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:22.611200340 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:22.611209607 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:22.664921181 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:22.665008095 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:22.856112596 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:22.856179854 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:22.856269363 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:22.856304700 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:22.856538733 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:22.856597474 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:22.856671975 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:22.856719585 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:22.925074217 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:22.925098904 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:22.925104074 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:22.925109033 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:22.925113672 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:22.925117980 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:22.925122929 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:22.925127859 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:22.925383202 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:22.925390556 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:23.217027249 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:23.217056875 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:23.217062145 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:23.217066974 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:23.217072345 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:23.217077314 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:23.217084538 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:23.217089317 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:23.217096801 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:23.217102592 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:23.217108453 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:23.217345632 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:23.217355811 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:23.217362975 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:23.217369858 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:23.259896058 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:23.259986599 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:23.453046151 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:23.453229247 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:23.453295403 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:23.453351699 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:23.453431530 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:23.453500210 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:23.453583718 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:23.453637621 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:23.521007418 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:23.521033127 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:23.521042074 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:23.521050760 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:23.521056551 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:23.521062112 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:23.521069045 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:23.521075487 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:23.521205633 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:23.521211865 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:23.804086362 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:23.804114896 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:23.804120377 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:23.804127250 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:23.804132520 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:23.804138300 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:23.804143871 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:23.804149772 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:23.804155042 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:23.804160523 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:23.804166183 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:23.804390979 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:23.804399936 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:23.804406268 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:23.804413291 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:23.844797727 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:23.844891494 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:24.040743522 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:24.040925957 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:24.040991411 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:24.041044161 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:24.041110507 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:24.041160291 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:24.041244290 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:24.041293924 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:24.103383646 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:24.103411199 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:24.103418482 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:24.103426848 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:24.103434382 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:24.103439953 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:24.103446425 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:24.103452717 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:24.103602621 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:24.103611287 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:24.384281542 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:24.384309976 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:24.384317169 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:24.384325054 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:24.384332248 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:24.384339652 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:24.384348028 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:24.384356303 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:24.384363697 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:24.384370651 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:24.384379417 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:24.384629310 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:24.384641774 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:24.384649689 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:24.384655850 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:24.430254636 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:24.430341000 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:24.619391513 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:24.619562517 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:24.619623823 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:24.619745503 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:24.619802601 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:24.619848077 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:24.619917699 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:24.619965008 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:24.680948707 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:24.680976380 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:24.680981489 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:24.680986339 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:24.680991118 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:24.680996398 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:24.681001307 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:24.681011426 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:24.681135982 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:24.681143386 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:24.971137880 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:24.971165653 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:24.971170773 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:24.971176233 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:24.971181122 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:24.971185811 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:24.971190941 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:24.971197503 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:24.971202693 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:24.971212161 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:24.971219625 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:24.971430755 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:24.971439672 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:24.971444291 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:24.971451574 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:25.021513098 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:25.021607367 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:25.211102912 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:25.211170179 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:25.211243057 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:25.211276160 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:25.211576608 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:25.211631833 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:25.211704450 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:25.211752842 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:25.276464448 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:25.276498111 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:25.276505315 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:25.276511787 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:25.276518320 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:25.276524692 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:25.276535502 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:25.276546052 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:25.276715493 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:25.276724680 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:25.578046477 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:25.578075702 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:25.578081834 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:25.578090440 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:25.578098195 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:25.578106030 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:25.578112362 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:25.578117862 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:25.578123252 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:25.578129173 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:25.578138491 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:25.578340383 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:25.578349270 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:25.578356143 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:25.578363196 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:25.618964242 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:25.619049413 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:25.809279779 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:25.809344592 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:25.809462145 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:25.809521146 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:25.809582813 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:25.809629692 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:25.809701768 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:25.809747986 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:25.873467864 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:25.873499554 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:25.873506407 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:25.873513190 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:25.873519321 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:25.873528168 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:25.873535071 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:25.873542996 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:25.873714872 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:25.873723388 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:26.179855810 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:26.179885206 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:26.179890887 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:26.179895846 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:26.179900515 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:26.179905935 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:26.179913159 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:26.179920753 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:26.179926194 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:26.179931704 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:26.179937906 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:26.180152863 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:26.180159235 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:26.180166629 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:26.180174033 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:26.228065268 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:26.228150991 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:26.417417572 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:26.417571343 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:26.417624073 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:26.417659731 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:26.417719273 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:26.417760331 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:26.417835183 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:26.417873786 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:26.491396551 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:26.491422099 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:26.491427219 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:26.491432058 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:26.491437268 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:26.491442027 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:26.491448158 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:26.491463096 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:26.491592892 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:26.491600346 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:26.782635541 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:26.782661550 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:26.782667341 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:26.782672180 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:26.782677109 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:26.782684774 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:26.782690595 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:26.782696215 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:26.782701916 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:26.782707837 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:26.782714220 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:26.782910721 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:26.782918336 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:26.782923826 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:26.782929407 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:26.825639735 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:26.825731479 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:27.018741126 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:27.018806740 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:27.018872304 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:27.018900498 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:27.019110525 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:27.019136454 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:27.019469855 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:27.019580435 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:27.081776739 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:27.081805503 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:27.081810513 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:27.081815132 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:27.081819740 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:27.081824479 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:27.081829118 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:27.081834378 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:27.081955517 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:27.081961198 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:27.361627041 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:27.361653511 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:27.361658490 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:27.361664021 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:27.361668840 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:27.361673699 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:27.361680552 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:27.361685762 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:27.361692765 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:27.361698947 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:27.361704668 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:27.361916088 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:27.361923833 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:27.361932259 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:27.361937519 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:27.419856636 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:27.419944763 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:27.609319039 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:27.609384522 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:27.609539376 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:27.609596203 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:27.609715108 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:27.609755515 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:27.609832931 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:27.609878277 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:27.673215651 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:27.673240789 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:27.673246239 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:27.673254475 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:27.673261468 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:27.673268211 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:27.673275465 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:27.673283400 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:27.673414678 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:27.673422904 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:27.965791121 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:27.965819535 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:27.965824885 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:27.965832640 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:27.965839593 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:27.965849271 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:27.965856365 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:27.965864260 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:27.965871473 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:27.965880160 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:27.965889087 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:27.966095688 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:27.966105556 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:27.966112780 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:27.966119533 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:28.009193750 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:28.009285273 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:28.200983117 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:28.201052679 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:28.201143220 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:28.201173738 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:28.201421286 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:28.201445833 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:28.201584275 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:28.201640061 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:28.264055419 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:28.264083543 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:28.264090406 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:28.264099102 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:28.264108289 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:28.264116044 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:28.264123548 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:28.264131774 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:28.264288861 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:28.264297417 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:28.564795715 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:28.564825521 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:28.564834608 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:28.564843816 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:28.564851370 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:28.564858604 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:28.564865777 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:28.564872931 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:28.564880074 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:28.564887749 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:28.564895904 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:28.565129637 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:28.565139245 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:28.565146889 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:28.565154133 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:28.605612328 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:28.605696658 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:28.802247949 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:28.802317350 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:28.802396710 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:28.802423782 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:28.802638618 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:28.802663155 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:28.802988671 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:28.803001826 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:28.856038441 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:28.856068288 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:28.856076924 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:28.856087194 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:28.856096481 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:28.856106540 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:28.856115858 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:28.856125997 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:28.856271803 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:28.856282403 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:29.157264576 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:29.157295625 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:29.157305343 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:29.157318348 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:29.157331232 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:29.157343015 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:29.157355228 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:29.157367261 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:29.157380375 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:29.157393761 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:29.157408549 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:29.157638093 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:29.157652350 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:29.157661698 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:29.157673079 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:29.209163929 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:29.209248028 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:29.399964875 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:29.400123445 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:29.400170283 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:29.400207063 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:29.400274350 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:29.400312573 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:29.400385641 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:29.400423413 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:29.463448796 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:29.463483943 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:29.463489503 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:29.463494643 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:29.463499612 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:29.463504662 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:29.463509451 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:29.463518298 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:29.463653283 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:29.463660597 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:29.751780222 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:29.751805971 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:29.751810980 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:29.751818053 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:29.751823434 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:29.751829215 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:29.751834955 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:29.751840676 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:29.751846487 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:29.751854593 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:29.751864602 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:29.752088045 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:29.752098595 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:29.752103784 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:29.752109074 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:29.794499317 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:29.794582564 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:29.983508711 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:29.983576990 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:29.983697929 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:29.983751821 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:29.983820381 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:29.983863252 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:29.983939126 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:29.983984913 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:30.053142204 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:30.053172621 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:30.053179174 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:30.053184183 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:30.053189002 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:30.053194302 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:30.053199312 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:30.053209301 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:30.053351219 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:30.053361028 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:30.350529682 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:30.350558486 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:30.350565730 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:30.350576280 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:30.350583344 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:30.350591078 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:30.350599314 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:30.350610455 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:30.350617338 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:30.350625904 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:30.350634550 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:30.350872841 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:30.350881408 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:30.350886988 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:30.350893110 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:30.391694675 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:30.391789915 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution
2025-06-02 13:15:30.581876388 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:15:30.582047011 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:15:30.582104701 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:15:30.582153603 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:15:30.582220530 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:15:30.582265766 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:15:30.582343192 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:15:30.582390602 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432
2025-06-02 13:15:30.643162420 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 102 released
2025-06-02 13:15:30.643194651 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 103 released
2025-06-02 13:15:30.643201564 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 104 released
2025-06-02 13:15:30.643208637 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 105 released
2025-06-02 13:15:30.643214909 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 106 released
2025-06-02 13:15:30.643224818 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 107 released
2025-06-02 13:15:30.643232182 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 313 released
2025-06-02 13:15:30.643240187 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 426
2025-06-02 13:15:30.643411641 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 1 released
2025-06-02 13:15:30.643422091 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 364
2025-06-02 13:15:30.944111480 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 3 released
2025-06-02 13:15:30.944141737 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 172 released
2025-06-02 13:15:30.944148430 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 173 released
2025-06-02 13:15:30.944158408 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 174 released
2025-06-02 13:15:30.944165442 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 175 released
2025-06-02 13:15:30.944173146 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 176 released
2025-06-02 13:15:30.944178977 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 177 released
2025-06-02 13:15:30.944185339 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 178 released
2025-06-02 13:15:30.944191331 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 179 released
2025-06-02 13:15:30.944199115 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 316 released
2025-06-02 13:15:30.944207421 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 427
2025-06-02 13:15:30.944428440 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 4 released
2025-06-02 13:15:30.944437908 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 5 released
2025-06-02 13:15:30.944443759 [V:onnxruntime:, stream_execution_context.cc:171 RecycleNodeInputs] ort value 6 released
2025-06-02 13:15:30.944450802 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 424
2025-06-02 13:15:30.987430440 [V:onnxruntime:, sequential_executor.cc:534 ExecuteThePlan] Number of streams: 1
2025-06-02 13:15:30.987526251 [V:onnxruntime:, sequential_executor.cc:184 SessionScope] Begin execution

-------- Running Calibration in Float Mode to Collect Tensor Statistics --------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [1 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [2 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [3 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [4 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [5 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [6 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [7 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [8 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [9 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [10 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [11 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [12 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [13 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [14 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [15 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [16 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [17 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [18 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [19 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [20 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [21 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [22 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [23 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [24 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [25 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [26 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [27 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [28 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [29 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [30 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [31 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [32 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [33 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [34 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [35 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [36 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [37 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [38 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [39 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [40 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [41 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [42 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [43 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [44 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [45 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [46 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [47 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [48 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [49 / 50]: -----------------
[=============================================================================] 100 %

----------------- Fixed-point Calibration Iteration [50 / 50]: -----------------
[=============================================================================] 100 %

==================== [Quantization & Calibration Completed] ====================

========================== [Memory Planning Started] ==========================


------------------------- Network Compiler Traces ------------------------------
Successful Memory Allocation
Successful Workload Creation

========================= [Memory Planning Completed] =========================

Rerunning network compiler...
========================== [Memory Planning Started] ==========================


------------------------- Network Compiler Traces ------------------------------
Successful Memory Allocation
Successful Workload Creation

========================= [Memory Planning Completed] =========================

======================== Subgraph Compiled Successfully ========================



2025-06-02 13:23:09.236513072 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 425
2025-06-02 13:23:09.236732547 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 429
2025-06-02 13:23:09.236798893 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 431
2025-06-02 13:23:09.236847625 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 434
2025-06-02 13:23:09.236911957 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 430
2025-06-02 13:23:09.236958555 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 433
2025-06-02 13:23:09.237036883 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 428
2025-06-02 13:23:09.237081898 [V:onnxruntime:, sequential_executor.cc:518 ExecuteKernel] stream 0 launch kernel with idx 432


The problem with custom models not compiling beyond a certain point also occurred when trying to compile YOLOP.

Both these models' compilation went through with version 10_01_04_00 of TIDL Tools and the PSDK Linux Edgeai 10, although with their own set of problems when run on the TDA4VM-SK

The issue with YOLOPv2 has been documented here, whereas for YOLOP I'll have to create a new post.

Let me know if any clarification is required.

3173.yolopv2.zip

utils_onnx.py

import copy
import time

import cv2
import numpy as np
from pathlib import Path
import glob
import re
import os
#from screen_grab import grab

class LoadImages:  # for inference
    def __init__(self, path, screen=1):
        self.dev = False
        self.grab_screen = False
        p = str(Path(path).absolute())  # os-agnostic absolute path
        print(p)
        if '*' in p:
            files = sorted(glob.glob(p, recursive=True))  # glob
        elif os.path.isdir(p):
            files = sorted(glob.glob(os.path.join(p, '*.*')))  # dir
        elif os.path.isfile(p):
            files = [p]  # files
        elif p.startswith("/dev/video"):
            files = [p]
            self.dev = True
#        elif "screengrab" in p:
#            files = [p]
#            self.grab_screen = True
        else:
            raise Exception(f'ERROR: {p} does not exist')

        img_formats = ['bmp', 'jpg', 'jpeg', 'png', 'tif', 'tiff', 'dng', 'webp', 'mpo']  # acceptable image suffixes
        vid_formats = ['mov', 'avi', 'mp4', 'mpg', 'mpeg', 'm4v', 'wmv', 'mkv']  # acceptable video suffixes
        images = [x for x in files if x.split('.')[-1].lower() in img_formats]
        videos = [x for x in files if x.split('.')[-1].lower() in vid_formats]

        if self.dev:
            videos = [p]

        ni, nv = len(images), len(videos)

        self.files = images + videos
        self.screen = screen
        self.nf = ni + nv  # number of files
        self.video_flag = [False] * ni + [True] * nv
        self.mode = 'image'

#        if self.grab_screen:
#            self.nf = 1
#            self.video_flag = [False]
#            self.files = [p]

        if any(videos):
            self.new_video(videos[0])  # new video
        else:
            self.cap = None
        assert self.nf > 0, f'No images or videos found in {p}. ' \
                            f'Supported formats are:\nimages: {img_formats}\nvideos: {vid_formats}'

    def __iter__(self):
        self.count = 0
        return self

    def __next__(self):
        if self.count == self.nf:
            raise StopIteration

        path = self.files[self.count]

        if self.video_flag[self.count]:
            # Read video
            self.mode = 'video'
            ret_val, img0 = self.cap.read()
            if not ret_val:
                self.count += 1
                self.cap.release()
                if self.count == self.nf:  # last video
                    raise StopIteration
                else:
                    path = self.files[self.count]
                    self.new_video(path)
                    ret_val, img0 = self.cap.read()

#            if self.dev:
#                if (cv2.waitKey(1) & 0xFF) == ord('q'):
#                    raise StopIteration

            self.frame += 1
            print(f'video {self.count + 1}/{self.nf} ({self.frame}/{self.nframes}) {path}: ', end='')

#        elif self.grab_screen:
#            self.mode = 'video'
#            img0 = grab(self.screen)
#            assert img0 is not None, 'Frame Error'
#            if (cv2.waitKey(1) & 0xFF) == ord('q'):
#                raise StopIteration
        else:
            # Read image
            self.count += 1
            img0 = cv2.imread(path)  # BGR
            assert img0 is not None, 'Image Not Found ' + path
            #print(f'image {self.count}/{self.nf} {path}: ', end='')

        # Padded resize
        img0 = cv2.resize(img0, (1280,720), interpolation=cv2.INTER_LINEAR)

        return path, img0, self.cap

    def new_video(self, path):
        self.frame = 0
        self.cap = cv2.VideoCapture(path)
        self.nframes = int(self.cap.get(cv2.CAP_PROP_FRAME_COUNT))
        if self.dev:
            self.nframes = 250

    def __len__(self):
        return self.nf  # number of files

def increment_path(path, exist_ok=True, sep=''):
    # Increment path, i.e. runs/exp --> runs/exp{sep}0, runs/exp{sep}1 etc.
    path = Path(path)  # os-agnostic
    if (path.exists() and exist_ok) or (not path.exists()):
        return str(path)
    else:
        dirs = glob.glob(f"{path}{sep}*")  # similar paths
        matches = [re.search(rf"%s{sep}(\d+)" % path.stem, d) for d in dirs]
        i = [int(m.groups()[0]) for m in matches if m]  # indices
        n = max(i) + 1 if i else 2  # increment number
        return f"{path}{sep}{n}"  # update path

def letterbox(
    img,
    new_shape=(320, 320),
    color=(114, 114, 114),
    auto=True,
    scaleFill=False,
    scaleup=True,
    stride=32,
):
    # Resize and pad image while meeting stride-multiple constraints
    shape = img.shape[:2]  # current shape [height, width]
    if isinstance(new_shape, int):
        new_shape = (new_shape, new_shape)

    # Scale ratio (new / old)
    r = min(new_shape[0] / shape[0], new_shape[1] / shape[1])

    if not scaleup:  # only scale down, do not scale up (for better test mAP)
        r = min(r, 1.0)

    # Compute padding
    ratio = r, r  # width, height ratios
    new_unpad = int(round(shape[1] * r)), int(round(shape[0] * r))
    dw, dh = new_shape[1] - new_unpad[0], new_shape[0] - new_unpad[
        1]  # wh padding
    if auto:  # minimum rectangle
        dw, dh = np.mod(dw, stride), np.mod(dh, stride)  # wh padding
    elif scaleFill:  # stretch
        dw, dh = 0.0, 0.0
        new_unpad = (new_shape[1], new_shape[0])
        ratio = new_shape[1] / shape[1], new_shape[0] / shape[
            0]  # width, height ratios

    # divide padding into 2 sides
    dw /= 2
    dh /= 2

    if shape[::-1] != new_unpad:  # resize
        img = cv2.resize(img, new_unpad, interpolation=cv2.INTER_LINEAR)

    top, bottom = int(round(dh - 0.1)), int(round(dh + 0.1))
    left, right = int(round(dw - 0.1)), int(round(dw + 0.1))


    img = cv2.copyMakeBorder(
        img,
        top,
        bottom,
        left,
        right,
        cv2.BORDER_CONSTANT,
        value=color,
    )  # add border

    return img, ratio, (dw, dh)


def _make_grid(nx=20, ny=20):
    xv, yv = np.meshgrid(np.arange(0, nx), np.arange(0, ny))
    return np.stack((xv, yv), 2).reshape((1, 1, ny, nx, 2)).astype('float32')


def _sigmoid(arr):
    arr = np.array(arr, dtype=np.float32)
    return 1.0 / (1.0 + np.exp(-1.0 * arr))


def split_for_trace_model(pred=None, anchor_grid=None):
    z = []
    st = [8, 16, 32]

    for i in range(3):
        bs, _, ny, nx = pred[i].shape
        pred[i] = pred[i].reshape(bs, 3, 85, ny, nx).transpose(0, 1, 3, 4, 2)
        y = _sigmoid(pred[i])
        gr = _make_grid(nx, ny)
        y[..., 0:2] = (y[..., 0:2] * 2. - 0.5 + gr) * st[i]  # xy
        y[..., 2:4] = (y[..., 2:4] * 2)**2 * anchor_grid[i]  # wh
        z.append(y.reshape(bs, -1, 85))

    pred = np.concatenate(z, 1)

    return pred


def _xywh2xyxy(x):
    # Convert nx4 boxes from [x, y, w, h] to [x1, y1, x2, y2]
    # where xy1=top-left, xy2=bottom-right
    y = np.copy(x)

    y[:, 0] = x[:, 0] - x[:, 2] / 2  # top left x
    y[:, 1] = x[:, 1] - x[:, 3] / 2  # top left y
    y[:, 2] = x[:, 0] + x[:, 2] / 2  # bottom right x
    y[:, 3] = x[:, 1] + x[:, 3] / 2  # bottom right y

    return y


def _box_iou(box1, box2):
    # https://github.com/pytorch/vision/blob/master/torchvision/ops/boxes.py
    """
    Return intersection-over-union (Jaccard index) of boxes.
    Both sets of boxes are expected to be in (x1, y1, x2, y2) format.
    Arguments:
        box1 (Tensor[N, 4])
        box2 (Tensor[M, 4])
    Returns:
        iou (Tensor[N, M]): the NxM matrix containing the pairwise
            IoU values for every element in boxes1 and boxes2
    """
    def box_area(box):
        # box = 4xn
        return (box[2] - box[0]) * (box[3] - box[1])

    area1 = box_area(box1.T)
    area2 = box_area(box2.T)

    # inter(N,M) = (rb(N,M,2) - lt(N,M,2)).clamp(0).prod(2)
    inter = (np.minimum(box1[:, None, 2:], box2[:, 2:]) -
             np.maximum(box1[:, None, :2], box2[:, :2])).clamp(0).prod(2)
    return inter / (area1[:, None] + area2 - inter
                    )  # iou = inter / (area1 + area2 - inter)


def _nms(boxes, scores, iou_threshold):
    x1, y1 = boxes[:, 0], boxes[:, 1]
    x2, y2 = boxes[:, 2], boxes[:, 3]

    areas = (x2 - x1 + 1) * (y2 - y1 + 1)
    order = scores.argsort()[::-1]

    keep = []
    while order.size > 0:
        i = order[0]
        keep.append(i)

        xx1 = np.maximum(x1[i], x1[order[1:]])
        yy1 = np.maximum(y1[i], y1[order[1:]])
        xx2 = np.minimum(x2[i], x2[order[1:]])
        yy2 = np.minimum(y2[i], y2[order[1:]])

        w = np.maximum(0.0, xx2 - xx1 + 1)
        h = np.maximum(0.0, yy2 - yy1 + 1)
        inter = w * h
        ovr = inter / (areas[i] + areas[order[1:]] - inter)

        inds = np.where(ovr <= iou_threshold)[0]
        order = order[inds + 1]

    result = np.stack(keep)
    return result


def non_max_suppression(
        prediction,
        conf_thres=0.25,
        iou_thres=0.45,
        multi_label=False,
        labels=(),
):
    """Runs Non-Maximum Suppression (NMS) on inference results

    Returns:
         list of detections, on (n,6) tensor per image [xyxy, conf, cls]
    """

    nc = prediction.shape[2] - 5  # number of classes
    xc = prediction[..., 4] > conf_thres  # candidates

    # Settings
    max_det = 300  # maximum number of detections per image
    max_nms = 30000  # maximum number of boxes into torchvision.ops.nms()
    time_limit = 10.0  # seconds to quit after
    multi_label &= nc > 1  # multiple labels per box (adds 0.5ms/img)

    t = time.time()
    output = [np.zeros((0, 6))] * prediction.shape[0]
    for xi, x in enumerate(prediction):  # image index, image inference
        # Apply constraints
        x = x[xc[xi]]  # confidence

        # Cat apriori labels if autolabelling
        if labels and len(labels[xi]):
            l = labels[xi]
            v = np.zeros((len(l), nc + 5), device=x.device)
            v[:, :4] = l[:, 1:5]  # box
            v[:, 4] = 1.0  # conf
            v[range(len(l)), l[:, 0].long() + 5] = 1.0  # cls
            x = np.concatenate((x, v), 0)

        # If none remain process next image
        if not x.shape[0]:
            continue

        # Compute conf
        x[:, 5:] *= x[:, 4:5]  # conf = obj_conf * cls_conf

        # Box (center x, center y, width, height) to (x1, y1, x2, y2)
        box = _xywh2xyxy(x[:, :4])

        # Detections matrix nx6 (xyxy, conf, cls)
        if multi_label:
            i, j = (x[:, 5:] > conf_thres).nonzero(as_tuple=False).T
            x = np.concatenate((box[i], x[i, j + 5, None], j[:, None].float()),
                               1)
        else:  # best class only
            conf = np.max(x[:, 5:], axis=1, keepdims=True)
            j = np.argmax(x[:, 5:], axis=1)
            j = j.reshape((j.shape[0], 1))
            x = np.concatenate((box, conf, j.astype('float32')),
                               1)[conf.reshape(-1) > conf_thres]

        # Check shape
        n = x.shape[0]  # number of boxes
        if not n:  # no boxes
            continue
        elif n > max_nms:  # excess boxes
            x = x[x[:, 4].argsort(
                descending=True)[:max_nms]]  # sort by confidence

        # NMS
        boxes, scores = x[:, :4], x[:, 4]  # boxes (offset by class), scores
        i = _nms(
            boxes,
            scores,
            iou_thres,
        )

        if i.shape[0] > max_det:  # limit detections
            i = i[:max_det]

        output[xi] = x[i]
        if (time.time() - t) > time_limit:
            print(f'WARNING: NMS time limit {time_limit}s exceeded')
            break  # time limit exceeded

    return output


def scale_coords(img1_shape, coords, img0_shape, ratio_pad=None):
    # Rescale coords (xyxy) from img1_shape to img0_shape
    if ratio_pad is None:  # calculate from img0_shape
        gain = min(img1_shape[0] / img0_shape[0],
                   img1_shape[1] / img0_shape[1])  # gain  = old / new
        pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (
            img1_shape[0] - img0_shape[0] * gain) / 2  # wh padding
    else:
        gain = ratio_pad[0][0]
        pad = ratio_pad[1]

    coords[:, [0, 2]] -= pad[0]  # x padding
    coords[:, [1, 3]] -= pad[1]  # y padding
    coords[:, :4] /= gain
    _clip_coords(coords, img0_shape)
    return coords


def _clip_coords(boxes, img_shape):
    # Clip bounding xyxy bounding boxes to image shape (height, width)
    boxes[:, 0] = np.clip(boxes[:, 0], 0, img_shape[1])  # x1
    boxes[:, 1] = np.clip(boxes[:, 1], 0, img_shape[0])  # y1
    boxes[:, 2] = np.clip(boxes[:, 2], 0, img_shape[1])  # x2
    boxes[:, 3] = np.clip(boxes[:, 3], 0, img_shape[0])  # y1


def driving_area_mask(seg, pad_wh=None):
    if pad_wh is None:
        return 1.0 - seg[0][0]
    else:
        temp_seg = copy.deepcopy(seg[0][0])

        pad_w = int(pad_wh[0])
        pad_h = int(pad_wh[1])
        seg_width = int(temp_seg.shape[1])
        seg_height = int(temp_seg.shape[0])

        temp_seg = temp_seg[pad_h:seg_height - pad_h, pad_w:seg_width - pad_w]

        return 1.0 - temp_seg


def lane_line_mask(ll, pad_wh=None):
    if pad_wh is None:
        return ll[0][0]
    else:
        temp_ll = copy.deepcopy(ll[0][0])

        pad_w = int(pad_wh[0])
        pad_h = int(pad_wh[1])
        seg_width = int(temp_ll.shape[1])
        seg_height = int(temp_ll.shape[0])

        temp_ll = temp_ll[pad_h:seg_height - pad_h, pad_w:seg_width - pad_w]

        return temp_ll

Regards,

Charanjit Singh

  • Hi Charanjit,

    You can compile this under advanced OSRT.  Go to edgeai-tidl-tools/examples/osrt_python/advanced_examples/unit_tests_validation/ort and edit ../common_utils.py.   Add the following at the end of the file

        'yolop' : {
            'model_path' : os.path.join('/home/root/yolop', 'YOLOPv2.onnx'),
            'source' : {'model_url': 'dummy', 'opt': True}, # URL irrelavant if model present in specified path
            'num_images' : numImages,
            'task_type': 'classification'
       },

    Change the bolded text to where your model resides.  Then change ./onnxrt_ep.py around line 283 to your model's name.

    models = ['yolop']

    Compile it by:

    python3 ./onnxrt_ep.py -c

    The model will not run as the output sequence<float32[1,255,?,?]> from the SequencConstruct is unknown.  With the following error:

    Process Process-1:
    Traceback (most recent call last):
    File "/usr/lib/python3.10/multiprocessing/process.py", line 314, in _bootstrap
    self.run()
    File "/usr/lib/python3.10/multiprocessing/process.py", line 108, in run
    self._target(*self._args, **self._kwargs)
    File "/home/root/examples/osrt_python/advanced_examples/unit_tests_validation/ort/./onnxrt_ep.py", line 243, in run_model
    out = np.array(output_tensor, dtype = np.float32)
    ValueError: setting an array element with a sequence. The requested array has an inhomogeneous shape after 3 dimensions. The detected shape was (3, 1, 255) + inhomogeneous part.

    The model is not correct.

    Regards,

    Chris

  • Hi Chris,

    So does this means that YOLOPv2 is not usable at all with TIDL 11? 

    Under TIDL version 10 I was able to compile and use the model, but with Lane lines being output with a pattern as seen in the linked question.

    Regards,

    Charanjit