========================== === Riva Speech Skills === ========================== NVIDIA Release (build 46434648) Copyright (c) 2018-2022, NVIDIA CORPORATION & AFFILIATES. All rights reserved. Various files include modifications (c) NVIDIA CORPORATION & AFFILIATES. All rights reserved. This container image and its contents are governed by the NVIDIA Deep Learning Container License. By pulling and using the container, you accept the terms and conditions of this license: https://developer.nvidia.com/ngc/nvidia-deep-learning-container-license > Riva waiting for Triton server to load all models...retrying in 1 second I1203 13:58:48.208923 102 libtorch.cc:1381] TRITONBACKEND_Initialize: pytorch I1203 13:58:48.208997 102 libtorch.cc:1391] Triton TRITONBACKEND API version: 1.9 I1203 13:58:48.209003 102 libtorch.cc:1397] 'pytorch' TRITONBACKEND API version: 1.9 I1203 13:58:48.210320 102 onnxruntime.cc:2400] TRITONBACKEND_Initialize: onnxruntime I1203 13:58:48.210334 102 onnxruntime.cc:2410] Triton TRITONBACKEND API version: 1.9 I1203 13:58:48.210340 102 onnxruntime.cc:2416] 'onnxruntime' TRITONBACKEND API version: 1.9 I1203 13:58:48.210360 102 onnxruntime.cc:2446] backend configuration: {} > Riva waiting for Triton server to load all models...retrying in 1 second I1203 13:58:49.206184 102 pinned_memory_manager.cc:240] Pinned memory pool is created at '0x7fa1a8000000' with size 268435456 I1203 13:58:49.206471 102 cuda_memory_manager.cc:105] CUDA memory pool is created on device 0 with size 1000000000 I1203 13:58:49.210991 102 model_repository_manager.cc:1077] loading: riva-asr-endpointing-streaming:1 I1203 13:58:49.311232 102 model_repository_manager.cc:1077] loading: riva-asr-feature-extractor-streaming-offline:1 I1203 13:58:49.311840 102 endpointing_library.cc:18] TRITONBACKEND_ModelInitialize: riva-asr-endpointing-streaming (version 1) WARNING: Logging before InitGoogleLogging() is written to STDERR W1203 13:58:49.312927 112 parameter_parser.cc:144] Parameter 'chunk_size' set but unused. W1203 13:58:49.312939 112 parameter_parser.cc:144] Parameter 'ms_per_timestep' set but unused. W1203 13:58:49.312942 112 parameter_parser.cc:144] Parameter 'residue_blanks_at_end' set but unused. W1203 13:58:49.312945 112 parameter_parser.cc:144] Parameter 'residue_blanks_at_start' set but unused. W1203 13:58:49.312947 112 parameter_parser.cc:144] Parameter 'start_history' set but unused. W1203 13:58:49.312950 112 parameter_parser.cc:144] Parameter 'start_th' set but unused. W1203 13:58:49.312952 112 parameter_parser.cc:144] Parameter 'stop_history' set but unused. W1203 13:58:49.312955 112 parameter_parser.cc:144] Parameter 'stop_th' set but unused. W1203 13:58:49.312958 112 parameter_parser.cc:144] Parameter 'streaming' set but unused. W1203 13:58:49.312960 112 parameter_parser.cc:144] Parameter 'use_subword' set but unused. W1203 13:58:49.312963 112 parameter_parser.cc:144] Parameter 'vocab_file' set but unused. I1203 13:58:49.313086 102 backend_model.cc:303] model configuration: { "name": "riva-asr-endpointing-streaming", "platform": "", "backend": "riva_asr_endpointing", "version_policy": { "latest": { "num_versions": 1 } }, "max_batch_size": 2048, "input": [ { "name": "CLASS_LOGITS", "data_type": "TYPE_FP32", "format": "FORMAT_NONE", "dims": [ -1, 37 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false } ], "output": [ { "name": "SEGMENTS_START_END", "data_type": "TYPE_FP32", "dims": [ -1, 2 ], "label_filename": "", "is_shape_tensor": false } ], "batch_input": [], "batch_output": [], "optimization": { "graph": { "level": 0 }, "priority": "PRIORITY_DEFAULT", "cuda": { "graphs": false, "busy_wait_events": false, "graph_spec": [], "output_copy_stream": true }, "input_pinned_memory": { "enable": true }, "output_pinned_memory": { "enable": true }, "gather_kernel_buffer_threshold": 0, "eager_batching": false }, "sequence_batching": { "max_sequence_idle_microseconds": 60000000, "control_input": [ { "name": "START", "control": [ { "kind": "CONTROL_SEQUENCE_START", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "READY", "control": [ { "kind": "CONTROL_SEQUENCE_READY", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] } ], "state": [] }, "instance_group": [ { "name": "riva-asr-endpointing-streaming_0", "kind": "KIND_CPU", "count": 1, "gpus": [], "secondary_devices": [], "profile": [], "passive": false, "host_policy": "" } ], "default_model_filename": "", "cc_model_filenames": {}, "metric_tags": {}, "parameters": { "vocab_file": { "string_value": "/data/models/riva-asr-endpointing-streaming/1/riva_decoder_vocabulary.txt" }, "start_history": { "string_value": "300" }, "residue_blanks_at_start": { "string_value": "0" }, "ms_per_timestep": { "string_value": "20" }, "streaming": { "string_value": "True" }, "use_subword": { "string_value": "False" }, "stop_history": { "string_value": "800" }, "residue_blanks_at_end": { "string_value": "0" }, "start_th": { "string_value": "0.2" }, "chunk_size": { "string_value": "0.1" }, "endpointing_type": { "string_value": "greedy_ctc" }, "stop_th": { "string_value": "0.98" } }, "model_warmup": [], "model_transaction_policy": { "decoupled": false } } I1203 13:58:49.313256 102 endpointing_library.cc:22] TRITONBACKEND_ModelInstanceInitialize: riva-asr-endpointing-streaming_0 (device 0) I1203 13:58:49.323016 102 model_repository_manager.cc:1231] successfully loaded 'riva-asr-endpointing-streaming' version 1 I1203 13:58:49.411520 102 model_repository_manager.cc:1077] loading: riva-asr-endpointing-streaming-offline:1 I1203 13:58:49.412322 102 feature-extractor.cc:400] TRITONBACKEND_ModelInitialize: riva-asr-feature-extractor-streaming-offline (version 1) I1203 13:58:49.413505 102 backend_model.cc:303] model configuration: { "name": "riva-asr-feature-extractor-streaming-offline", "platform": "", "backend": "riva_asr_features", "version_policy": { "latest": { "num_versions": 1 } }, "max_batch_size": 1024, "input": [ { "name": "AUDIO_SIGNAL", "data_type": "TYPE_FP32", "format": "FORMAT_NONE", "dims": [ -1 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false }, { "name": "SAMPLE_RATE", "data_type": "TYPE_UINT32", "format": "FORMAT_NONE", "dims": [ 1 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false } ], "output": [ { "name": "AUDIO_FEATURES", "data_type": "TYPE_FP32", "dims": [ 64, -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "AUDIO_PROCESSED", "data_type": "TYPE_FP32", "dims": [ 1 ], "label_filename": "", "is_shape_tensor": false } ], "batch_input": [], "batch_output": [], "optimization": { "graph": { "level": 0 }, "priority": "PRIORITY_DEFAULT", "cuda": { "graphs": false, "busy_wait_events": false, "graph_spec": [], "output_copy_stream": true }, "input_pinned_memory": { "enable": true }, "output_pinned_memory": { "enable": true }, "gather_kernel_buffer_threshold": 0, "eager_batching": false }, "sequence_batching": { "oldest": { "max_candidate_sequences": 1024, "preferred_batch_size": [ 256, 512 ], "max_queue_delay_microseconds": 1000 }, "max_sequence_idle_microseconds": 60000000, "control_input": [ { "name": "START", "control": [ { "kind": "CONTROL_SEQUENCE_START", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "READY", "control": [ { "kind": "CONTROL_SEQUENCE_READY", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "END", "control": [ { "kind": "CONTROL_SEQUENCE_END", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "CORRID", "control": [ { "kind": "CONTROL_SEQUENCE_CORRID", "int32_false_true": [], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_UINT64" } ] } ], "state": [] }, "instance_group": [ { "name": "riva-asr-feature-extractor-streaming-offline_0", "kind": "KIND_GPU", "count": 1, "gpus": [ 0 ], "secondary_devices": [], "profile": [], "passive": false, "host_policy": "" } ], "default_model_filename": "", "cc_model_filenames": {}, "metric_tags": {}, "parameters": { "chunk_size": { "string_value": "4.8" }, "max_execution_batch_size": { "string_value": "1024" }, "sample_rate": { "string_value": "16000" }, "num_features": { "string_value": "64" }, "window_size": { "string_value": "0.02" }, "window_stride": { "string_value": "0.01" }, "streaming": { "string_value": "True" }, "left_padding_size": { "string_value": "1.6" }, "stddev_floor": { "string_value": "1e-05" }, "transpose": { "string_value": "False" }, "right_padding_size": { "string_value": "1.6" }, "gain": { "string_value": "1.0" }, "use_utterance_norm_params": { "string_value": "True" }, "precalc_norm_time_steps": { "string_value": "50" }, "dither": { "string_value": "0.0" }, "apply_normalization": { "string_value": "True" }, "precalc_norm_params": { "string_value": "True" }, "norm_per_feature": { "string_value": "True" }, "mean": { "string_value": "-14.95827016, -12.71798736, -11.76067913, -10.83311182, -10.6746914, -10.15163465, -10.05378331, -9.53918999, -9.41858904, -9.23382904, -9.46470918, -9.56037, -9.57434245, -9.47498732, -9.7635205, -10.08113074, -10.05454561, -9.81112681, -9.68673603, -9.83652977, -9.90046248, -9.85404766, -9.92560366, -9.95440354, -10.17162966, -9.90102482, -9.47471025, -9.54416855, -10.07109475, -9.98249912, -9.74359465, -9.55632283, -9.23399915, -9.36487649, -9.81791084, -9.56799225, -9.70630899, -9.85148006, -9.8594418, -10.01378735, -9.98505315, -9.62016094, -10.342285, -10.41070709, -10.10687659, -10.14536695, -10.30828702, -10.23542833, -10.88546868, -11.31723646, -11.46087382, -11.54877829, -11.62400934, -11.92190509, -12.14063815, -11.65130117, -11.58308531, -12.22214663, -12.42927197, -12.58039805, -13.10098969, -13.14345864, -13.31835645, -14.47345634" }, "stddev": { "string_value": "3.81402054, 4.12647781, 4.05007065, 3.87790987, 3.74721178, 3.68377423, 3.69344, 3.54001005, 3.59530412, 3.63752368, 3.62826417, 3.56488469, 3.53740577, 3.68313898, 3.67138151, 3.55707266, 3.54919572, 3.55721289, 3.56723346, 3.46029304, 3.44119672, 3.49030548, 3.39328435, 3.28244406, 3.28001423, 3.26744937, 3.46692348, 3.35378948, 2.96330901, 2.97663111, 3.04575148, 2.89717604, 2.95659301, 2.90181116, 2.7111687, 2.93041291, 2.86647897, 2.73473181, 2.71495654, 2.75543763, 2.79174615, 2.96076456, 2.57376336, 2.68789782, 2.90930817, 2.90412004, 2.76187531, 2.89905006, 2.65896173, 2.81032176, 2.87769857, 2.84665271, 2.80863137, 2.80707634, 2.83752184, 3.01914511, 2.92046439, 2.78461139, 2.90034605, 2.94599508, 2.99099718, 3.0167554, 3.04649716, 2.94116777" } }, "model_warmup": [], "model_transaction_policy": { "decoupled": false } } I1203 13:58:49.413704 102 feature-extractor.cc:402] TRITONBACKEND_ModelInstanceInitialize: riva-asr-feature-extractor-streaming-offline_0 (device 0) I1203 13:58:49.511868 102 model_repository_manager.cc:1077] loading: riva-asr-feature-extractor-streaming:1 I1203 13:58:49.612240 102 model_repository_manager.cc:1077] loading: riva-asr-ctc-decoder-cpu-streaming-offline:1 I1203 13:58:49.712538 102 model_repository_manager.cc:1077] loading: riva-asr-ctc-decoder-cpu-streaming:1 cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' I1203 13:58:49.775898 102 endpointing_library.cc:18] TRITONBACKEND_ModelInitialize: riva-asr-endpointing-streaming-offline (version 1) I1203 13:58:49.776474 102 model_repository_manager.cc:1231] successfully loaded 'riva-asr-feature-extractor-streaming-offline' version 1 W1203 13:58:49.776856 137 parameter_parser.cc:144] Parameter 'chunk_size' set but unused. W1203 13:58:49.776868 137 parameter_parser.cc:144] Parameter 'ms_per_timestep' set but unused. W1203 13:58:49.776871 137 parameter_parser.cc:144] Parameter 'residue_blanks_at_end' set but unused. W1203 13:58:49.776875 137 parameter_parser.cc:144] Parameter 'residue_blanks_at_start' set but unused. W1203 13:58:49.776876 137 parameter_parser.cc:144] Parameter 'start_history' set but unused. W1203 13:58:49.776880 137 parameter_parser.cc:144] Parameter 'start_th' set but unused. W1203 13:58:49.776882 137 parameter_parser.cc:144] Parameter 'stop_history' set but unused. W1203 13:58:49.776885 137 parameter_parser.cc:144] Parameter 'stop_th' set but unused. W1203 13:58:49.776887 137 parameter_parser.cc:144] Parameter 'streaming' set but unused. W1203 13:58:49.776890 137 parameter_parser.cc:144] Parameter 'use_subword' set but unused. W1203 13:58:49.776892 137 parameter_parser.cc:144] Parameter 'vocab_file' set but unused. I1203 13:58:49.777012 102 backend_model.cc:303] model configuration: { "name": "riva-asr-endpointing-streaming-offline", "platform": "", "backend": "riva_asr_endpointing", "version_policy": { "latest": { "num_versions": 1 } }, "max_batch_size": 2048, "input": [ { "name": "CLASS_LOGITS", "data_type": "TYPE_FP32", "format": "FORMAT_NONE", "dims": [ -1, 37 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false } ], "output": [ { "name": "SEGMENTS_START_END", "data_type": "TYPE_FP32", "dims": [ -1, 2 ], "label_filename": "", "is_shape_tensor": false } ], "batch_input": [], "batch_output": [], "optimization": { "graph": { "level": 0 }, "priority": "PRIORITY_DEFAULT", "cuda": { "graphs": false, "busy_wait_events": false, "graph_spec": [], "output_copy_stream": true }, "input_pinned_memory": { "enable": true }, "output_pinned_memory": { "enable": true }, "gather_kernel_buffer_threshold": 0, "eager_batching": false }, "sequence_batching": { "max_sequence_idle_microseconds": 60000000, "control_input": [ { "name": "START", "control": [ { "kind": "CONTROL_SEQUENCE_START", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "READY", "control": [ { "kind": "CONTROL_SEQUENCE_READY", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] } ], "state": [] }, "instance_group": [ { "name": "riva-asr-endpointing-streaming-offline_0", "kind": "KIND_CPU", "count": 1, "gpus": [], "secondary_devices": [], "profile": [], "passive": false, "host_policy": "" } ], "default_model_filename": "", "cc_model_filenames": {}, "metric_tags": {}, "parameters": { "start_th": { "string_value": "0.2" }, "chunk_size": { "string_value": "4.8" }, "endpointing_type": { "string_value": "greedy_ctc" }, "stop_th": { "string_value": "0.98" }, "vocab_file": { "string_value": "/data/models/riva-asr-endpointing-streaming-offline/1/riva_decoder_vocabulary.txt" }, "start_history": { "string_value": "300" }, "residue_blanks_at_start": { "string_value": "0" }, "ms_per_timestep": { "string_value": "20" }, "use_subword": { "string_value": "False" }, "streaming": { "string_value": "True" }, "stop_history": { "string_value": "800" }, "residue_blanks_at_end": { "string_value": "0" } }, "model_warmup": [], "model_transaction_policy": { "decoupled": false } } I1203 13:58:49.777045 102 feature-extractor.cc:400] TRITONBACKEND_ModelInitialize: riva-asr-feature-extractor-streaming (version 1) I1203 13:58:49.777841 102 backend_model.cc:303] model configuration: { "name": "riva-asr-feature-extractor-streaming", "platform": "", "backend": "riva_asr_features", "version_policy": { "latest": { "num_versions": 1 } }, "max_batch_size": 1024, "input": [ { "name": "AUDIO_SIGNAL", "data_type": "TYPE_FP32", "format": "FORMAT_NONE", "dims": [ -1 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false }, { "name": "SAMPLE_RATE", "data_type": "TYPE_UINT32", "format": "FORMAT_NONE", "dims": [ 1 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false } ], "output": [ { "name": "AUDIO_FEATURES", "data_type": "TYPE_FP32", "dims": [ 64, -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "AUDIO_PROCESSED", "data_type": "TYPE_FP32", "dims": [ 1 ], "label_filename": "", "is_shape_tensor": false } ], "batch_input": [], "batch_output": [], "optimization": { "graph": { "level": 0 }, "priority": "PRIORITY_DEFAULT", "cuda": { "graphs": false, "busy_wait_events": false, "graph_spec": [], "output_copy_stream": true }, "input_pinned_memory": { "enable": true }, "output_pinned_memory": { "enable": true }, "gather_kernel_buffer_threshold": 0, "eager_batching": false }, "sequence_batching": { "oldest": { "max_candidate_sequences": 1024, "preferred_batch_size": [ 256, 512 ], "max_queue_delay_microseconds": 1000 }, "max_sequence_idle_microseconds": 60000000, "control_input": [ { "name": "START", "control": [ { "kind": "CONTROL_SEQUENCE_START", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "READY", "control": [ { "kind": "CONTROL_SEQUENCE_READY", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "END", "control": [ { "kind": "CONTROL_SEQUENCE_END", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "CORRID", "control": [ { "kind": "CONTROL_SEQUENCE_CORRID", "int32_false_true": [], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_UINT64" } ] } ], "state": [] }, "instance_group": [ { "name": "riva-asr-feature-extractor-streaming_0", "kind": "KIND_GPU", "count": 1, "gpus": [ 0 ], "secondary_devices": [], "profile": [], "passive": false, "host_policy": "" } ], "default_model_filename": "", "cc_model_filenames": {}, "metric_tags": {}, "parameters": { "norm_per_feature": { "string_value": "True" }, "mean": { "string_value": "-14.95827016, -12.71798736, -11.76067913, -10.83311182, -10.6746914, -10.15163465, -10.05378331, -9.53918999, -9.41858904, -9.23382904, -9.46470918, -9.56037, -9.57434245, -9.47498732, -9.7635205, -10.08113074, -10.05454561, -9.81112681, -9.68673603, -9.83652977, -9.90046248, -9.85404766, -9.92560366, -9.95440354, -10.17162966, -9.90102482, -9.47471025, -9.54416855, -10.07109475, -9.98249912, -9.74359465, -9.55632283, -9.23399915, -9.36487649, -9.81791084, -9.56799225, -9.70630899, -9.85148006, -9.8594418, -10.01378735, -9.98505315, -9.62016094, -10.342285, -10.41070709, -10.10687659, -10.14536695, -10.30828702, -10.23542833, -10.88546868, -11.31723646, -11.46087382, -11.54877829, -11.62400934, -11.92190509, -12.14063815, -11.65130117, -11.58308531, -12.22214663, -12.42927197, -12.58039805, -13.10098969, -13.14345864, -13.31835645, -14.47345634" }, "stddev": { "string_value": "3.81402054, 4.12647781, 4.05007065, 3.87790987, 3.74721178, 3.68377423, 3.69344, 3.54001005, 3.59530412, 3.63752368, 3.62826417, 3.56488469, 3.53740577, 3.68313898, 3.67138151, 3.55707266, 3.54919572, 3.55721289, 3.56723346, 3.46029304, 3.44119672, 3.49030548, 3.39328435, 3.28244406, 3.28001423, 3.26744937, 3.46692348, 3.35378948, 2.96330901, 2.97663111, 3.04575148, 2.89717604, 2.95659301, 2.90181116, 2.7111687, 2.93041291, 2.86647897, 2.73473181, 2.71495654, 2.75543763, 2.79174615, 2.96076456, 2.57376336, 2.68789782, 2.90930817, 2.90412004, 2.76187531, 2.89905006, 2.65896173, 2.81032176, 2.87769857, 2.84665271, 2.80863137, 2.80707634, 2.83752184, 3.01914511, 2.92046439, 2.78461139, 2.90034605, 2.94599508, 2.99099718, 3.0167554, 3.04649716, 2.94116777" }, "chunk_size": { "string_value": "0.1" }, "max_execution_batch_size": { "string_value": "1024" }, "sample_rate": { "string_value": "16000" }, "num_features": { "string_value": "64" }, "window_size": { "string_value": "0.02" }, "window_stride": { "string_value": "0.01" }, "streaming": { "string_value": "True" }, "left_padding_size": { "string_value": "1.2" }, "stddev_floor": { "string_value": "1e-05" }, "transpose": { "string_value": "False" }, "right_padding_size": { "string_value": "1.2" }, "gain": { "string_value": "1.0" }, "use_utterance_norm_params": { "string_value": "True" }, "precalc_norm_time_steps": { "string_value": "50" }, "dither": { "string_value": "0.0" }, "apply_normalization": { "string_value": "True" }, "precalc_norm_params": { "string_value": "True" } }, "model_warmup": [], "model_transaction_policy": { "decoupled": false } } I1203 13:58:49.783703 102 endpointing_library.cc:22] TRITONBACKEND_ModelInstanceInitialize: riva-asr-endpointing-streaming-offline_0 (device 0) I1203 13:58:49.791919 102 feature-extractor.cc:402] TRITONBACKEND_ModelInstanceInitialize: riva-asr-feature-extractor-streaming_0 (device 0) I1203 13:58:49.793092 102 model_repository_manager.cc:1231] successfully loaded 'riva-asr-endpointing-streaming-offline' version 1 cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' I1203 13:58:49.795973 102 ctc-decoder-library.cc:20] TRITONBACKEND_ModelInitialize: riva-asr-ctc-decoder-cpu-streaming-offline (version 1) I1203 13:58:49.796675 102 model_repository_manager.cc:1231] successfully loaded 'riva-asr-feature-extractor-streaming' version 1 WARNING: Logging before InitGoogleLogging() is written to STDERR W1203 13:58:49.796856 139 parameter_parser.cc:144] Parameter 'decoder_num_worker_threads' set but unused. W1203 13:58:49.796869 139 parameter_parser.cc:144] Parameter 'max_execution_batch_size' set but unused. W1203 13:58:49.796872 139 parameter_parser.cc:144] Parameter 'max_supported_transcripts' set but unused. W1203 13:58:49.796875 139 parameter_parser.cc:144] Parameter 'profane_words_file' set but unused. W1203 13:58:49.796878 139 parameter_parser.cc:144] Parameter 'vocab_file' set but unused. I1203 13:58:49.797058 102 backend_model.cc:303] model configuration: { "name": "riva-asr-ctc-decoder-cpu-streaming-offline", "platform": "", "backend": "riva_asr_decoder", "version_policy": { "latest": { "num_versions": 1 } }, "max_batch_size": 1024, "input": [ { "name": "CLASS_LOGITS", "data_type": "TYPE_FP32", "format": "FORMAT_NONE", "dims": [ -1, 37 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false }, { "name": "END_FLAG", "data_type": "TYPE_UINT32", "format": "FORMAT_NONE", "dims": [ 1 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false }, { "name": "SEGMENTS_START_END", "data_type": "TYPE_FP32", "format": "FORMAT_NONE", "dims": [ -1, 2 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false }, { "name": "CUSTOM_CONFIGURATION", "data_type": "TYPE_STRING", "format": "FORMAT_NONE", "dims": [ -1, 2 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false } ], "output": [ { "name": "FINAL_TRANSCRIPTS", "data_type": "TYPE_STRING", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "FINAL_TRANSCRIPTS_SCORE", "data_type": "TYPE_FP32", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "FINAL_WORDS_START_END", "data_type": "TYPE_INT32", "dims": [ -1, 2 ], "label_filename": "", "is_shape_tensor": false }, { "name": "PARTIAL_TRANSCRIPTS", "data_type": "TYPE_STRING", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "PARTIAL_TRANSCRIPTS_STABILITY", "data_type": "TYPE_FP32", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "PARTIAL_WORDS_START_END", "data_type": "TYPE_INT32", "dims": [ -1, 2 ], "label_filename": "", "is_shape_tensor": false }, { "name": "FINAL_WORDS_SCORE", "data_type": "TYPE_FP32", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "PARTIAL_WORDS_SCORE", "data_type": "TYPE_FP32", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false } ], "batch_input": [], "batch_output": [], "optimization": { "graph": { "level": 0 }, "priority": "PRIORITY_DEFAULT", "cuda": { "graphs": false, "busy_wait_events": false, "graph_spec": [], "output_copy_stream": true }, "input_pinned_memory": { "enable": true }, "output_pinned_memory": { "enable": true }, "gather_kernel_buffer_threshold": 0, "eager_batching": false }, "sequence_batching": { "oldest": { "max_candidate_sequences": 1024, "preferred_batch_size": [ 32, 64 ], "max_queue_delay_microseconds": 1000 }, "max_sequence_idle_microseconds": 60000000, "control_input": [ { "name": "START", "control": [ { "kind": "CONTROL_SEQUENCE_START", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "READY", "control": [ { "kind": "CONTROL_SEQUENCE_READY", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "END", "control": [ { "kind": "CONTROL_SEQUENCE_END", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "CORRID", "control": [ { "kind": "CONTROL_SEQUENCE_CORRID", "int32_false_true": [], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_UINT64" } ] } ], "state": [] }, "instance_group": [ { "name": "riva-asr-ctc-decoder-cpu-streaming-offline_0", "kind": "KIND_GPU", "count": 1, "gpus": [ 0 ], "secondary_devices": [], "profile": [], "passive": false, "host_policy": "" } ], "default_model_filename": "", "cc_model_filenames": {}, "metric_tags": {}, "parameters": { "chunk_size": { "string_value": "4.8" }, "max_supported_transcripts": { "string_value": "1" }, "max_execution_batch_size": { "string_value": "1024" }, "profane_words_file": { "string_value": "" }, "vocab_file": { "string_value": "/data/models/riva-asr-ctc-decoder-cpu-streaming-offline/1/riva_decoder_vocabulary.txt" }, "decoder_num_worker_threads": { "string_value": "-1" }, "ms_per_timestep": { "string_value": "20" }, "asr_model_delay": { "string_value": "0" }, "streaming": { "string_value": "True" }, "use_subword": { "string_value": "False" }, "left_padding_size": { "string_value": "1.6" }, "right_padding_size": { "string_value": "1.6" }, "decoder_type": { "string_value": "greedy" } }, "model_warmup": [], "model_transaction_policy": { "decoupled": false } } I1203 13:58:49.797262 102 ctc-decoder-library.cc:23] TRITONBACKEND_ModelInstanceInitialize: riva-asr-ctc-decoder-cpu-streaming-offline_0 (device 0) I1203 13:58:49.797683 139 ctc-decoder.cc:174] Beam Decoder initialized successfully! I1203 13:58:49.798271 102 model_repository_manager.cc:1231] successfully loaded 'riva-asr-ctc-decoder-cpu-streaming-offline' version 1 I1203 13:58:49.812864 102 model_repository_manager.cc:1077] loading: riva-trt-riva-asr-am-streaming:1 I1203 13:58:49.812944 102 ctc-decoder-library.cc:20] TRITONBACKEND_ModelInitialize: riva-asr-ctc-decoder-cpu-streaming (version 1) W1203 13:58:49.813664 172 parameter_parser.cc:144] Parameter 'decoder_num_worker_threads' set but unused. W1203 13:58:49.813676 172 parameter_parser.cc:144] Parameter 'max_execution_batch_size' set but unused. W1203 13:58:49.813680 172 parameter_parser.cc:144] Parameter 'max_supported_transcripts' set but unused. W1203 13:58:49.813683 172 parameter_parser.cc:144] Parameter 'profane_words_file' set but unused. W1203 13:58:49.813685 172 parameter_parser.cc:144] Parameter 'vocab_file' set but unused. I1203 13:58:49.813870 102 backend_model.cc:303] model configuration: { "name": "riva-asr-ctc-decoder-cpu-streaming", "platform": "", "backend": "riva_asr_decoder", "version_policy": { "latest": { "num_versions": 1 } }, "max_batch_size": 1024, "input": [ { "name": "CLASS_LOGITS", "data_type": "TYPE_FP32", "format": "FORMAT_NONE", "dims": [ -1, 37 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false }, { "name": "END_FLAG", "data_type": "TYPE_UINT32", "format": "FORMAT_NONE", "dims": [ 1 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false }, { "name": "SEGMENTS_START_END", "data_type": "TYPE_FP32", "format": "FORMAT_NONE", "dims": [ -1, 2 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false }, { "name": "CUSTOM_CONFIGURATION", "data_type": "TYPE_STRING", "format": "FORMAT_NONE", "dims": [ -1, 2 ], "is_shape_tensor": false, "allow_ragged_batch": false, "optional": false } ], "output": [ { "name": "FINAL_TRANSCRIPTS", "data_type": "TYPE_STRING", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "FINAL_TRANSCRIPTS_SCORE", "data_type": "TYPE_FP32", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "FINAL_WORDS_START_END", "data_type": "TYPE_INT32", "dims": [ -1, 2 ], "label_filename": "", "is_shape_tensor": false }, { "name": "PARTIAL_TRANSCRIPTS", "data_type": "TYPE_STRING", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "PARTIAL_TRANSCRIPTS_STABILITY", "data_type": "TYPE_FP32", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "PARTIAL_WORDS_START_END", "data_type": "TYPE_INT32", "dims": [ -1, 2 ], "label_filename": "", "is_shape_tensor": false }, { "name": "FINAL_WORDS_SCORE", "data_type": "TYPE_FP32", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false }, { "name": "PARTIAL_WORDS_SCORE", "data_type": "TYPE_FP32", "dims": [ -1 ], "label_filename": "", "is_shape_tensor": false } ], "batch_input": [], "batch_output": [], "optimization": { "graph": { "level": 0 }, "priority": "PRIORITY_DEFAULT", "cuda": { "graphs": false, "busy_wait_events": false, "graph_spec": [], "output_copy_stream": true }, "input_pinned_memory": { "enable": true }, "output_pinned_memory": { "enable": true }, "gather_kernel_buffer_threshold": 0, "eager_batching": false }, "sequence_batching": { "oldest": { "max_candidate_sequences": 1024, "preferred_batch_size": [ 32, 64 ], "max_queue_delay_microseconds": 1000 }, "max_sequence_idle_microseconds": 60000000, "control_input": [ { "name": "START", "control": [ { "kind": "CONTROL_SEQUENCE_START", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "READY", "control": [ { "kind": "CONTROL_SEQUENCE_READY", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "END", "control": [ { "kind": "CONTROL_SEQUENCE_END", "int32_false_true": [ 0, 1 ], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_INVALID" } ] }, { "name": "CORRID", "control": [ { "kind": "CONTROL_SEQUENCE_CORRID", "int32_false_true": [], "fp32_false_true": [], "bool_false_true": [], "data_type": "TYPE_UINT64" } ] } ], "state": [] }, "instance_group": [ { "name": "riva-asr-ctc-decoder-cpu-streaming_0", "kind": "KIND_GPU", "count": 1, "gpus": [ 0 ], "secondary_devices": [], "profile": [], "passive": false, "host_policy": "" } ], "default_model_filename": "", "cc_model_filenames": {}, "metric_tags": {}, "parameters": { "vocab_file": { "string_value": "/data/models/riva-asr-ctc-decoder-cpu-streaming/1/riva_decoder_vocabulary.txt" }, "decoder_num_worker_threads": { "string_value": "-1" }, "asr_model_delay": { "string_value": "0" }, "ms_per_timestep": { "string_value": "20" }, "streaming": { "string_value": "True" }, "use_subword": { "string_value": "False" }, "left_padding_size": { "string_value": "1.2" }, "right_padding_size": { "string_value": "1.2" }, "decoder_type": { "string_value": "greedy" }, "chunk_size": { "string_value": "0.1" }, "max_supported_transcripts": { "string_value": "1" }, "max_execution_batch_size": { "string_value": "1024" }, "profane_words_file": { "string_value": "" } }, "model_warmup": [], "model_transaction_policy": { "decoupled": false } } I1203 13:58:49.814098 102 ctc-decoder-library.cc:23] TRITONBACKEND_ModelInstanceInitialize: riva-asr-ctc-decoder-cpu-streaming_0 (device 0) I1203 13:58:49.814440 172 ctc-decoder.cc:174] Beam Decoder initialized successfully! I1203 13:58:49.815049 102 model_repository_manager.cc:1231] successfully loaded 'riva-asr-ctc-decoder-cpu-streaming' version 1 I1203 13:58:49.913178 102 model_repository_manager.cc:1077] loading: riva-trt-riva-asr-am-streaming-offline:1 I1203 13:58:49.913900 102 tensorrt.cc:5294] TRITONBACKEND_Initialize: tensorrt I1203 13:58:49.913926 102 tensorrt.cc:5304] Triton TRITONBACKEND API version: 1.9 I1203 13:58:49.913938 102 tensorrt.cc:5310] 'tensorrt' TRITONBACKEND API version: 1.9 I1203 13:58:49.914029 102 tensorrt.cc:5353] backend configuration: {} I1203 13:58:49.914064 102 tensorrt.cc:5405] TRITONBACKEND_ModelInitialize: riva-trt-riva-asr-am-streaming (version 1) I1203 13:58:49.914852 102 tensorrt.cc:5454] TRITONBACKEND_ModelInstanceInitialize: riva-trt-riva-asr-am-streaming_0 (GPU device 0) > Riva waiting for Triton server to load all models...retrying in 1 second I1203 13:58:50.126535 102 logging.cc:49] [MemUsageChange] Init CUDA: CPU +171, GPU +0, now: CPU 1225, GPU 6547 (MiB) I1203 13:58:50.387615 102 logging.cc:49] Loaded engine size: 73 MiB I1203 13:58:50.410158 102 logging.cc:49] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1373, GPU 6629 (MiB) I1203 13:58:50.553517 102 logging.cc:49] [MemUsageChange] Init cuDNN: CPU +111, GPU +46, now: CPU 1484, GPU 6675 (MiB) I1203 13:58:50.554310 102 logging.cc:49] [MemUsageChange] TensorRT-managed allocation in engine deserialization: CPU +0, GPU +72, now: CPU 0, GPU 72 (MiB) I1203 13:58:50.560886 102 logging.cc:49] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1338, GPU 6667 (MiB) I1203 13:58:50.561416 102 logging.cc:49] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1338, GPU 6675 (MiB) I1203 13:58:50.599939 102 logging.cc:49] [MemUsageChange] TensorRT-managed allocation in IExecutionContext creation: CPU +0, GPU +136, now: CPU 0, GPU 208 (MiB) > Riva waiting for Triton server to load all models...retrying in 1 second I1203 13:58:51.150398 102 tensorrt.cc:1411] Created instance riva-trt-riva-asr-am-streaming_0 on GPU 0 with stream priority 0 and optimization profile default[0]; I1203 13:58:51.150475 102 tensorrt.cc:5405] TRITONBACKEND_ModelInitialize: riva-trt-riva-asr-am-streaming-offline (version 1) I1203 13:58:51.150789 102 model_repository_manager.cc:1231] successfully loaded 'riva-trt-riva-asr-am-streaming' version 1 I1203 13:58:51.151485 102 tensorrt.cc:5454] TRITONBACKEND_ModelInstanceInitialize: riva-trt-riva-asr-am-streaming-offline_0 (GPU device 0) I1203 13:58:51.152710 102 logging.cc:49] [MemUsageChange] Init CUDA: CPU +0, GPU +0, now: CPU 1648, GPU 7014 (MiB) I1203 13:58:51.230635 102 logging.cc:49] Loaded engine size: 73 MiB I1203 13:58:51.257412 102 logging.cc:49] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1796, GPU 7098 (MiB) I1203 13:58:51.258113 102 logging.cc:49] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1796, GPU 7106 (MiB) I1203 13:58:51.258772 102 logging.cc:49] [MemUsageChange] TensorRT-managed allocation in engine deserialization: CPU +0, GPU +72, now: CPU 0, GPU 280 (MiB) I1203 13:58:51.268405 102 logging.cc:49] [MemUsageChange] Init cuBLAS/cuBLASLt: CPU +0, GPU +8, now: CPU 1649, GPU 7098 (MiB) I1203 13:58:51.269069 102 logging.cc:49] [MemUsageChange] Init cuDNN: CPU +0, GPU +8, now: CPU 1649, GPU 7106 (MiB) I1203 13:58:51.271295 102 logging.cc:49] [MemUsageChange] TensorRT-managed allocation in IExecutionContext creation: CPU +1, GPU +291, now: CPU 1, GPU 571 (MiB) I1203 13:58:51.734686 102 tensorrt.cc:1411] Created instance riva-trt-riva-asr-am-streaming-offline_0 on GPU 0 with stream priority 0 and optimization profile default[0]; I1203 13:58:51.735001 102 model_repository_manager.cc:1231] successfully loaded 'riva-trt-riva-asr-am-streaming-offline' version 1 I1203 13:58:51.735607 102 model_repository_manager.cc:1077] loading: riva-asr:1 I1203 13:58:51.835979 102 model_repository_manager.cc:1231] successfully loaded 'riva-asr' version 1 I1203 13:58:51.836094 102 server.cc:549] +------------------+------+ | Repository Agent | Path | +------------------+------+ +------------------+------+ I1203 13:58:51.836209 102 server.cc:576] +----------------------+-----------------------------------------------------------------------------------+--------+ | Backend | Path | Config | +----------------------+-----------------------------------------------------------------------------------+--------+ | pytorch | /opt/tritonserver/backends/pytorch/libtriton_pytorch.so | {} | | onnxruntime | /opt/tritonserver/backends/onnxruntime/libtriton_onnxruntime.so | {} | | riva_asr_features | /opt/tritonserver/backends/riva_asr_features/libtriton_riva_asr_features.so | {} | | riva_asr_endpointing | /opt/tritonserver/backends/riva_asr_endpointing/libtriton_riva_asr_endpointing.so | {} | | riva_asr_decoder | /opt/tritonserver/backends/riva_asr_decoder/libtriton_riva_asr_decoder.so | {} | | tensorrt | /opt/tritonserver/backends/tensorrt/libtriton_tensorrt.so | {} | +----------------------+-----------------------------------------------------------------------------------+--------+ I1203 13:58:51.836333 102 server.cc:619] +----------------------------------------------+---------+--------+ | Model | Version | Status | +----------------------------------------------+---------+--------+ | riva-asr | 1 | READY | | riva-asr-ctc-decoder-cpu-streaming | 1 | READY | | riva-asr-ctc-decoder-cpu-streaming-offline | 1 | READY | | riva-asr-endpointing-streaming | 1 | READY | | riva-asr-endpointing-streaming-offline | 1 | READY | | riva-asr-feature-extractor-streaming | 1 | READY | | riva-asr-feature-extractor-streaming-offline | 1 | READY | | riva-trt-riva-asr-am-streaming | 1 | READY | | riva-trt-riva-asr-am-streaming-offline | 1 | READY | +----------------------------------------------+---------+--------+ I1203 13:58:51.901714 102 metrics.cc:650] Collecting metrics for GPU 0: NVIDIA GeForce GTX 1080 Ti I1203 13:58:51.902189 102 tritonserver.cc:2123] +----------------------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | Option | Value | +----------------------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | server_id | triton | | server_version | 2.21.0 | | server_extensions | classification sequence model_repository model_repository(unload_dependents) schedule_policy model_configuration system_shared_memory cuda_shared_memory binary_tensor_data statistics trace | | model_repository_path[0] | /data/models | | model_control_mode | MODE_NONE | | strict_model_config | 1 | | rate_limit | OFF | | pinned_memory_pool_byte_size | 268435456 | | cuda_memory_pool_byte_size{0} | 1000000000 | | response_cache_byte_size | 0 | | min_supported_compute_capability | 6.0 | | strict_readiness | 1 | | exit_timeout | 30 | +----------------------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ I1203 13:58:51.903752 102 grpc_server.cc:4544] Started GRPCInferenceService at 0.0.0.0:8001 I1203 13:58:51.904068 102 http_server.cc:3242] Started HTTPService at 0.0.0.0:8000 > Riva waiting for Triton server to load all models...retrying in 1 second I1203 13:58:51.945538 102 http_server.cc:180] Started Metrics Service at 0.0.0.0:8002 > Triton server is ready... I1203 13:58:52.970918 220 riva_server.cc:120] Using Insecure Server Credentials I1203 13:58:52.976512 220 model_registry.cc:110] Successfully registered: riva-asr for ASR W1203 13:58:52.999444 220 grpc_riva_asr.cc:157] riva-asr has no configured wfst normalizer model I1203 13:58:52.999719 220 riva_server.cc:160] Riva Conversational AI Server listening on 0.0.0.0:50051 W1203 13:58:52.999728 220 stats_reporter.cc:41] No API key provided. Stats reporting disabled. I1203 13:59:25.909231 225 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 13:59:25.909340 225 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 13:59:25.909349 225 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1071882786 E1203 13:59:25.909377 225 grpc_riva_asr.cc:407] Error: Unavailable model requested. Lang: en-US, Type: offline I1203 13:59:37.843539 225 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 13:59:37.843629 225 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 13:59:37.843637 225 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 771723687 I1203 13:59:37.843662 225 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 13:59:37.843719 225 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' I1203 13:59:37.879839 225 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 13:59:37.879863 225 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 13:59:54.540504 250 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 13:59:54.540510 225 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 13:59:54.540539 250 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 13:59:54.540545 250 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 81247315 I1203 13:59:54.540547 225 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 13:59:54.540553 225 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 689649426 I1203 13:59:54.540570 250 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 13:59:54.540575 225 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 13:59:54.540609 250 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 13:59:54.540609 225 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 13:59:54.541266 375 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 13:59:54.541450 383 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 13:59:54.541455 375 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 13:59:54.541469 375 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 267212158 I1203 13:59:54.541492 380 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 13:59:54.541518 375 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 13:59:54.541590 375 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 13:59:54.541741 383 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 13:59:54.541754 383 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1585269338 I1203 13:59:54.541776 383 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 13:59:54.541811 383 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 13:59:54.541954 380 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 13:59:54.541963 380 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1410775899 I1203 13:59:54.542018 380 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 13:59:54.542053 380 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' I1203 13:59:54.555783 250 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 13:59:54.555804 250 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 13:59:54.571184 383 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 13:59:54.571204 383 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 13:59:54.571338 375 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 13:59:54.571354 375 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 13:59:54.572428 380 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 13:59:54.572440 380 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 13:59:54.572484 225 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 13:59:54.572496 225 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:21.140754 384 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:21.140825 384 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:21.140861 384 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1721738334 I1203 14:06:21.140913 384 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:21.140956 384 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:06:21.141000 940 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:21.141022 940 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:21.141031 940 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1364110581 I1203 14:06:21.141068 940 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:21.141104 940 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:06:21.140763 250 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:21.141173 250 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:21.141181 250 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 2027732549 I1203 14:06:21.141199 250 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:21.141255 250 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:06:21.141534 941 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:21.141583 941 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:21.141609 941 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 530363738 I1203 14:06:21.141636 941 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:21.141723 941 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:06:21.141925 948 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:21.141949 948 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:21.141981 948 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 316087239 I1203 14:06:21.142027 948 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:21.142119 948 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' I1203 14:06:21.197760 250 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:21.197780 250 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:21.255245 384 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:21.255288 384 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:21.255532 940 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:21.255561 940 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:21.256975 941 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:21.256999 941 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:21.257287 948 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:21.257297 948 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:45.986430 250 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:45.986501 250 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:45.986512 250 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 2009580522 I1203 14:06:45.986538 250 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:45.986595 250 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:06:45.986744 949 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:45.986910 949 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:45.986919 949 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 717905576 I1203 14:06:45.986940 949 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:45.986975 949 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:06:45.987198 1000 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:45.987280 1000 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:45.987313 1000 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 2141856380 I1203 14:06:45.987375 1000 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:45.987470 1000 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:06:45.987475 1004 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:45.987545 1004 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:45.987576 1004 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1455281762 I1203 14:06:45.987622 1004 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:45.987658 1004 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:06:45.987759 1005 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:06:45.987800 1005 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:06:45.987826 1005 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 604424466 I1203 14:06:45.987871 1005 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:06:45.987926 1005 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' I1203 14:06:46.036492 250 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:46.036515 250 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:46.036535 1004 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:46.036547 1004 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:46.036721 1000 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:46.036824 1000 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:46.037845 1005 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:46.037859 1005 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:06:46.037958 949 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:06:46.037972 949 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:07:20.473191 250 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:07:20.473222 250 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:07:20.473229 250 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1297581147 I1203 14:07:20.473256 250 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:07:20.473297 250 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:07:20.473388 1009 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:07:20.473449 1009 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:07:20.473481 1009 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1711988762 I1203 14:07:20.473521 1009 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:07:20.473574 1009 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:07:20.474081 1072 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:07:20.474118 1072 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:07:20.474125 1072 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1311676878 I1203 14:07:20.474133 1079 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:07:20.474151 1072 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:07:20.474189 1072 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:07:20.474191 1079 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:07:20.474198 1079 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 1763917711 I1203 14:07:20.474220 1079 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:07:20.474249 1079 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference I1203 14:07:20.474583 1080 grpc_riva_asr.cc:492] ASRService.Recognize called. I1203 14:07:20.474613 1080 riva_asr_stream.cc:214] Detected format: encoding = 1 numchannels = 1 samplerate = 16000 bitspersample = 16 I1203 14:07:20.474619 1080 grpc_riva_asr.cc:558] ASRService.Recognize performing streaming recognition with sequence id: 2104441234 I1203 14:07:20.474645 1080 grpc_riva_asr.cc:588] Using model riva-asr for inference I1203 14:07:20.474679 1080 grpc_riva_asr.cc:603] Model sample rate= 16000 for inference cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 122' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 149' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 199' cudaError_t 209 : "no kernel image is available for execution on the device" returned from 'cudaGetLastError()' in fileexternal/cu-feat-extr/src/cudafeat/feature-online-batched-spectral-cuda.cc line 257' I1203 14:07:20.530823 250 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:07:20.530885 250 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:07:20.531039 1072 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:07:20.531054 1072 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:07:20.531147 1080 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:07:20.531183 1080 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:07:20.532294 1079 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:07:20.532306 1079 grpc_riva_asr.cc:672] ASRService.Recognize returning OK I1203 14:07:20.532328 1009 grpc_riva_asr.cc:268] max_alternative is greater than max_transcripts supported by server I1203 14:07:20.532336 1009 grpc_riva_asr.cc:672] ASRService.Recognize returning OK