snakers4 / silero-vad

Silero VAD: pre-trained enterprise-grade Voice Activity Detector
MIT License
3.34k stars 350 forks source link

pydub.AudioSegment clashes with onnxruntime and causes extensive "slow" warning logs (~1s) #486

Open Simon-chai opened 3 days ago

Simon-chai commented 3 days ago

🐛 Bug

485 This is the problem I run into.And I find out the cause:If I involve AudioSegment.from_file api during onnxruntime printing warning log, it will raise an error what mention in #485

To Reproduce

Steps to reproduce the behavior: I write a simple code to reproduce the problem. The code I test on windows10,linux will be ok I think. The code script is on below:

# run pip install fastapi,jinja2,torch,numpy,librosa,onnxruntime,soundfile,pydub
from fastapi import FastAPI,APIRouter,WebSocket
from fastapi.middleware.cors import CORSMiddleware
from fastapi.responses import HTMLResponse
from jinja2 import Template

import torch,numpy as np,librosa,os,onnxruntime
import soundfile as sf,io,uuid,sys,logging,time,queue

from pydub import AudioSegment

host = "127.0.0.1"
port = 8844

app = FastAPI()
origins = ["*"]  # 这里设置为 "*" 允许所有源,根据实际情况改为允许的具体源列表
app.add_middleware(
    CORSMiddleware,
    allow_origins=origins,
    allow_credentials=True,  # 如果需要携带凭证(如cookies),请开启此选项
    allow_methods=["*"],  # 允许所有HTTP方法
    allow_headers=["*"],  # 允许所有请求头
)

win_ws_url = f"ws://{host}:{port}/v1/demo/stream"
# the whole html only doing one thing:collect your speech via microphone and send it to backend sencond by second
html = """
<!DOCTYPE html>  
<html lang="en">  
<head>  
    <meta charset="UTF-8">  
    <meta name="viewport" content="width=device-width, initial-scale=1.0">  
    <title>Audio Streaming</title>  
</head>  
<body>  
    <button onclick="startRecording()">Start Recording</button>  
    <button onclick="stopRecording()">End</button>  
    <audio id="audioPlayer" controls></audio>
    <div id="asr_result"></div>
    <script>  
        let mediaRecorder;  
        let chunks = [];  
        const ws = new WebSocket('{{ws_url}}');  
        ws.onopen = () => console.log('WebSocket connected');  
        ws.onerror = (error) => console.log('WebSocket Error:', error);  
        ws.onmessage = (event) => {
            console.log('Received data:', event.data);
        }

        function startRecording() {  
            navigator.mediaDevices.getUserMedia({ audio: true,video: false })  
                .then(stream => {
                    const options = { audioBitsPerSecond: 128000, video: false }
                    mediaRecorder = new MediaRecorder(stream,options);
                    mediaRecorder.addEventListener('dataavailable', event => {  
                        chunks.push(event.data);
                        let buffer = [];  
                        buffer.push(event.data);
                        const audioData = new Blob(buffer, { type: 'audio/mp3' });
                        // 将音频流数据通过 WebSocket 发送给后端接口进行处理  
                        ws.send(audioData);
                    });  
                    mediaRecorder.addEventListener('stop', () => {  
                        const audioData = new Blob(chunks, { type: 'audio/mp3' });  
                        chunks = [];  
                        const audioUrl = URL.createObjectURL(audioData);
                        console.log(audioUrl);
                        // 将音频流数据通过 WebSocket 发送给后端接口进行处理
                        const audioPlayer = document.getElementById('audioPlayer');  
                        audioPlayer.src = audioUrl;
                        ws.close();    
                    });  
                    mediaRecorder.start(1000);  
                })  
                .catch(err => console.log('getUserMedia error:', err));  
        }  
        function stopRecording() {  
            mediaRecorder.stop();  
        }
        function playAudio(doc_id) {
            var audio = document.getElementById(doc_id);
            audio.currentTime = 0;  // 重置音轨到开头
            audio.play();
        }
    </script>  
</body>  
</html>
"""

@app.get("/v1/demo/microphone")
def microphone():
    tmpl = Template(html)
    ws_url = win_ws_url
    render_html = tmpl.render(ws_url=ws_url)
    return HTMLResponse(render_html)

silero_vad_v4 = "path/to/silero_vad_v4"
#when loading v5 model,the onnxruntime warning log is much more than v4 model. 
#If doing pre process duiring the warning log printing,the problem show up.
silero_vad_v5 = "path/to/silero_vad_v5" 
# simplely shutdown the warning log printing, can avoid the problem.
# onnxruntime.set_default_logger_severity(3)
@app.websocket("/v1/demo/stream")
async def online(websocket:WebSocket):
    cur_model, utils = torch.hub.load(repo_or_dir=silero_vad_v5,model='silero_vad',source='local',trust_repo=True,onnx=True)
    (get_speech_timestamps,save_audio,read_audio,VADIterator,collect_chunks) = utils
    vad_iterator = VADIterator(cur_model,threshold=0.8,min_silence_duration_ms=300)
    window_size_samples = 512 # number of samples in a single audio chunk
    await websocket.accept()
    headChunk = None
    start= 0
    idx = 0
    output_file = f"{uuid.uuid4().hex}_{idx}.wav"
    chunk = np.array([],dtype='float32')
    speech  = np.array([],dtype='float32')
    sample_rate = 16000
    while True:
        is_first = True
        try:
            # +++++++++++++++++++++++++ part 1:pre process the data send by webpage +++++++++++++++++++++++++++++++++
            data = await websocket.receive_bytes()
            temp = None
            if headChunk is None:
                headChunk = data
                temp = headChunk
            else:
                is_first = False
                temp = headChunk + data
            audio:AudioSegment = AudioSegment.from_file(io.BytesIO(temp), format="webm") #the problem show up at this line.
            audio.export(output_file, format="wav")
            audio_data, SAMPLEING_RATE = sf.read(output_file,dtype='float32')
            # now this is real segment
            resampling = librosa.resample(audio_data, orig_sr=SAMPLEING_RATE, target_sr=sample_rate)[start:]
            seg = np.concatenate((chunk,resampling))
            speech = np.concatenate((speech,resampling))
            length = len(seg)
            # +++++++++++++++++++++++++ part 2:doing the vad +++++++++++++++++++++++++++++++++
            for i in range(0, length, window_size_samples):
                chunk = seg[i: i+ window_size_samples]
                if len(chunk) < window_size_samples:
                    break

                speech_dict = vad_iterator(chunk, return_seconds=False)
                if speech_dict:
                    if "start" in speech_dict:
                        await websocket.send_text('start')
                        print('++++++++++++++++++++++ speaking start ++++++++++++++++++++++')
                    else:
                        await websocket.send_text('end')
                        print('++++++++++++++++++++++ speaking end ++++++++++++++++++++++')
                chunk = np.array([],dtype='float32')
            if is_first:
                start = length
        except Exception as e:
            logging.info("error happen la!",e)
            raise e
        finally:
            if output_file is not None and os.path.isfile(output_file):
                os.remove(output_file)

if __name__ == "__main__":
    import uvicorn
    uvicorn.run(app, host=host, port=port)

1.Run this code with v5 model on a computer with microphone.And the enter the webpage of http://127.0.0.1:8844/v1/demo/microphone 2.Refresh the webpage and click the Start Recording button ASAP 3.Wait about 1s, the problem will be appear (If not ,maybe you don't click the Start Recording button fast enough after you refresh the webpage). 4.Add this line of code on the top of the script onnxruntime.set_default_logger_severity(3) and then no matter how fast I try I can't reproduce the problem. 5.And can't reproduce the problem when run this code with v4 model,too.

Expected behavior

No error raise if I start the pre processing of my audio data before the onnxruntime warning log printing done

Environment

run pip install fastapi,jinja2,torch,numpy,librosa,onnxruntime,soundfile,pydub command in a python3.11 env will be fine

Additional context

Conclusion: Turn out that the problem only happen during the onnxruntime printing the warning log,and v5 model spend seconds to print that log. If we invoke onnxruntime.set_default_logger_severity(3) to disable the warning logging ,or only use v4 model (which print much fewer warning log) ,can avoid the problem. It seems like some kind of incompatibilities between pydub and onnxruntime. But why?Why v5 model print more onnxruntime warning than v4, and what is the problem between pydub and onnxruntime. I have no Idea, maybe someone can help.

snakers4 commented 3 days ago

onnxruntime.set_default_logger_severity(3) to disable the warning logging

Looks like a nice workaround)

or only use v4 model (which print much fewer warning log) ,can avoid the problem. It seems like some kind of incompatibilities between pydub and onnxruntime. But why?Why v5 model print more onnxruntime warning than v4, and what is the problem between pydub and onnxruntime. I have no Idea, maybe someone can help.

Can you post the full log printed by pydub / onnxruntime?

Also it is interesting to benchmark the model loading times for TorchScript vs ONNX, since this edge case arises. There is almost no speed difference for v5, only the engine is larger for PyTorch.

Also another workaround may be to use some lighter library with a steaming audio support. Or just … collect audio as wav? =) Would take more throughput, but no compression / decompression / extra libraries at all required =)

Wait about 1s, the problem will be appear (If not ,maybe you don't click the Start Recording button fast enough after you refresh the webpage)

Is it really a problem, if you load the VAD once (now you load VAD on each API call)?

With FastAPI there are definitely are options to pre-load some long-living object after starting the API. Only beware that you should start a separate VAD instance per FastAPI process, otherwise it may produce errors and the VAD state may be tainted (since the object would be shared across the processes / threads, which is bad).

Ideally there should be 1 VAD instance per each process / thread in FastAPI. I am not sure how to implement it properly via FastAPI.

The 100% correct way is to use the VAD via some message queue / executor, but it is not very minimal anymore.

snakers4 commented 3 days ago

v5 model spend seconds to print that log

Can you please post the log?

Simon-chai commented 3 days ago

v5 model spend seconds to print that log

Can you please post the log?

``` INFO: 127.0.0.1:55467 - "GET /v1/demo/microphone HTTP/1.1" 200 OK 2024-07-04 11:05:07.8394530 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_19_output_0'. It is not used by any node and should be removed from the model. ... ``` ``` INFO: 127.0.0.1:55467 - "GET /v1/demo/microphone HTTP/1.1" 200 OK 2024-07-04 11:05:07.8394530 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_19_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8462560 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_5_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8524983 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_21_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8599129 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_2_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8659613 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_3_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8721812 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_4_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8797254 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_10_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8858843 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_11_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8928042 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_12_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.8986109 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_13_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9052068 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_18_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9126850 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_20_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9193144 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_19_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9284775 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_21_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9347468 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_30_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9426887 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_11_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9499097 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_12_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9572140 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_13_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9638047 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_14_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9704098 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_20_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9774853 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_22_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9840682 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_27_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9909868 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_28_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:07.9978715 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_29_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.0691001 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Concat_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.0833477 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/ConstantOfShape_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.0980913 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__decoder.rnn.weight_ih'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1116637 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__decoder.rnn.weight_hh'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1220476 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Transpose_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1341068 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__decoder.rnn.bias_ih'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1450844 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__decoder.rnn.bias_hh'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1511967 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Constant_2_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1590433 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__self.stft.filter_length'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1649887 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Constant_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1724213 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Reshape_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1794994 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Constant_1_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1867868 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Constant_3_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.1948966 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Constant_4_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2017527 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Constant_5_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2086902 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Constant_6_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2152729 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Constant_7_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2218192 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/padding/Slice_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2292430 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_7_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2378094 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_14_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2447250 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2518339 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_3_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2584881 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_1_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2655437 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_29_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2708801 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_21_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2798212 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_6_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2864610 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_4_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.2952857 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_5_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3018566 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_12_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3093149 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_4_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3165698 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_13_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3226856 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_2_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3325100 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_28_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3397440 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_15_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3492137 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_3_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3551317 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_1_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3635984 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_16_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3694188 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_2_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3784929 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_17_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3848895 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_25_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3922712 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_18_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.3992154 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_24_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4070046 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_19_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4136383 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_20_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4210669 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_8_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4295649 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_22_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4368942 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_9_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4440863 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_23_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4515217 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_26_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4585723 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_27_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4654169 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_10_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4711344 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_30_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4774105 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_11_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4840630 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_31_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4910039 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_32_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.4977428 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_33_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5038547 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5107844 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_34_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5180245 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_35_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5251969 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_36_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5356773 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_37_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5440230 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_38_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5502426 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_39_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5574252 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_40_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5666280 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_41_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5734688 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_42_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5799649 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_43_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5858833 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_44_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.5947077 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_45_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6013766 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_46_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6106700 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_47_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6166240 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_48_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6264002 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_49_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6333081 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_50_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6429406 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_10_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6489412 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_65_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6560071 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_100_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6617241 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_23_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6698463 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__250'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6765084 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_7_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6832611 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_88_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6902310 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_66_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.6982282 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_89_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7070485 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_67_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7143261 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_86_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7238248 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_68_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7341551 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_87_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7451342 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_69_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7535935 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_70_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7622563 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_71_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7698727 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_98_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7795073 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_72_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7861588 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_99_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.7952450 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_73_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8006541 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_18_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8081728 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_74_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8146071 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_19_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8209872 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_75_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8289384 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_76_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8358454 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_77_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8448319 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_14_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8508577 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_92_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8592471 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_78_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8652776 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_15_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8735673 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_93_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8813233 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_79_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8919231 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_80_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.8999088 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_81_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9086712 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_8_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9177154 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_82_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9261459 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_9_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9348351 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_83_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9466248 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_84_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9599470 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_85_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9699219 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_16_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9800840 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_90_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9863408 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_17_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:08.9948238 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_91_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0006362 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_94_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0081836 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_95_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0175827 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_96_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0258099 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_97_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0328940 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_101_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0400872 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_22_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0479223 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_102_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0542361 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_21_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0642386 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Constant_103_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0719602 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_20_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0809372 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_13_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.0919334 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Slice_12_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1011551 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/decoder/Concat_6_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1129177 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1243022 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/ConstantOfShape_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1342006 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__decoder.rnn.weight_ih'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1458815 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__decoder.rnn.weight_hh'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1557210 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__decoder.rnn.bias_ih'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1650148 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__decoder.rnn.bias_hh'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1725499 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__self.stft.hop_length'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1796979 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_2_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1869709 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_3_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.1945052 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_4_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2011051 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_5_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2087138 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_6_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2163745 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_7_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2274847 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_8_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2342513 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_9_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2414295 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Reshape_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2481105 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2549204 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Transpose_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2623845 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_74_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2681972 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_49_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2742616 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_79_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2810710 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_78_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2885923 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_45_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.2962161 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_46_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3051284 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_47_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3155881 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_75_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3240971 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_48_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3331475 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_50_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3410215 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_51_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3497745 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_52_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3577325 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_53_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3673486 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_54_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3770723 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_55_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3850646 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_56_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.3943285 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_57_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4021032 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_58_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4102931 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_59_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4181634 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_60_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4264062 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_61_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4342212 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_62_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4423484 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_63_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4489536 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_64_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4547808 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_65_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4622514 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_66_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4676837 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_67_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4746502 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_68_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4808310 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_69_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4867330 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_81_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.4939153 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_70_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5000463 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_80_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5063300 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_71_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5123042 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_83_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5183662 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_72_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5258345 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_82_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5318563 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_73_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5379251 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_76_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5459546 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_77_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5536082 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_17_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5605458 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_1_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5663907 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_16_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5725448 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_6_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5795173 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_2_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5858732 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_15_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5928467 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_13_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.5995555 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_4_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6052714 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_7_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6118946 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_3_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6177519 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_14_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6236720 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_5_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6306951 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_12_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6368793 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_11_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6451793 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_10_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6537789 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_9_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6635402 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_8_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6725766 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_111_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6806422 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_98_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6863129 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_102_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.6946376 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_107_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7001783 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__250'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7057018 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_110_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7121754 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_99_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7202332 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_100_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7288435 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_101_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7356832 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_103_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7439537 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_104_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7550976 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_105_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7661309 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_106_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7733361 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_108_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7808483 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_109_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7868170 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_112_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.7942392 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_113_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8000830 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_114_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8061305 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_115_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8136090 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_116_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8197092 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_117_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8272938 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_118_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8343659 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_119_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8443384 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_10_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8516903 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_120_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8603266 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_11_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8682789 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_121_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8782490 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_9_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8872298 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_122_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.8961190 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_8_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9027354 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_123_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9097529 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_124_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9160353 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_125_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9232606 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_126_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9309446 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_127_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9374303 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_128_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9452549 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_136_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9524648 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_129_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9649758 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_130_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9728925 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_131_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9800366 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_132_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9869741 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_133_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:09.9946007 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_134_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0005707 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Constant_135_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0076512 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_29_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0136027 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_28_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0197386 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_27_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0289159 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_26_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0347908 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_25_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0419668 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_24_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0489753 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_23_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0561091 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_22_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0644293 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_21_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0715630 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_20_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0804361 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_19_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.0881310 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Slice_18_output_0'. It is not used by any node and should be removed from the model. 2024-07-04 11:05:10.1009998 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_then_branch__Inline_0__/Concat_7_output_0'. It is not used by any node and should be removed from the model. ```
Simon-chai commented 3 days ago

Is it really a problem, if you load the VAD once (now you load VAD on each API call)?

I am simulating a realtime vad for phone call,it's a demo.Since this is a heavy procedure and the silero model is stateful, I think load the VAD on each API call is the easiest way and acceptable. And yes I should optimize this.

snakers4 commented 3 days ago

INFO: 127.0.0.1:55467 - "GET /v1/demo/microphone HTTP/1.1" 200 OK 2024-07-04 11:05:07.8394530 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_19_output_0'. It is not used by any node and should be removed from the model.

Interesting. Which onnx-runtime version are you running? I do not remember it aggro when we were testing the model.

Simon-chai commented 3 days ago

Also another workaround may be to use some lighter library with a steaming audio support. Or just … collect audio as wav? =) Would take more throughput, but no compression / decompression / extra libraries at all required =)

Actually I am not familiar with javascript,and a fresh man of python,and I have try few other libraries to simulate real time speech audio streaming processing and fail. The code I post is the final version that make it work,and to me it work well. Maybe if I change the collecting way on webpage it can pass only wav to backend then I can process it through a lighter python libraries. But the html code you see it's the only version work from all the version chatgpt tell me.

Simon-chai commented 3 days ago

INFO: 127.0.0.1:55467 - "GET /v1/demo/microphone HTTP/1.1" 200 OK 2024-07-04 11:05:07.8394530 [W:onnxruntime:, graph.cc:3593 onnxruntime::Graph::CleanUnusedInitializersAndNodeArgs] Removing initializer 'If_0_else_branch__Inline_0__/stft/Constant_19_output_0'. It is not used by any node and should be removed from the model.

Interesting. Which onnx-runtime version are you running? I do not remember it aggro when we were testing the model.

onnx 1.14.1 onnxruntime 1.16.3 onnxruntime-gpu 1.15.0

Simon-chai commented 3 days ago

onnxruntime.set_default_logger_severity(3) to disable the warning logging

Looks like a nice workaround)

Yes,actually this is not a problem anymore. But just curiosity why the onnxrumetime can affect pydub,does it have anything do with silero model?

snakers4 commented 3 days ago

But just curiosity why the onnxrumetime can affect pydub,does it have anything do with silero model?

The only assumption - sets some logging flags, but why it affects onnxruntime eludes me.

adamnsandle commented 3 days ago

Spend some time trying to export clean onnx model without unused graph nodes:

  1. Using onnruntime optimization
    
    import onnxruntime
    sess_options = onnxruntime.SessionOptions()

Set graph optimization level

sess_options.graph_optimization_level = onnxruntime.GraphOptimizationLevel.ORT_ENABLE_EXTENDED

To enable model serialization after graph optimization set this

sess_options.optimized_model_filepath = "VADr_v5_opt.onnx"

session = onnxruntime.InferenceSession("VADr_v5.onnx", sess_options)


This method actually deletes unused graph nodes, but increases model size by 1Mb

2. Using [simplifier](https://github.com/daquexian/onnx-simplifier). This method does not produce expected model prune

We don't want to increase the size of the model. But you can use first method locally, hope it will help to resolve this bug.