__init__ |
module mlprodict Ways to speed up predictions for a machine learned model. source on GitHub |
__init__ |
module mlprodict.asv_benchmark Shortcuts to asv_benchmark. source on GitHub |
__init__ |
module mlprodict.cc Shortcuts to cc. source on GitHub |
__init__ |
module mlprodict.cli Shortcut to cli. source on GitHub |
__init__ |
module mlprodict.grammar Shortcuts to grammar. source on GitHub |
__init__ |
module mlprodict.grammar_sklearn Shortcuts to grammar_sklearn. source on GitHub |
__init__ |
module mlprodict.onnx_conv Shortcut to onnx_conv. source on GitHub |
__init__ |
module mlprodict.onnx_conv.operator_converters Shortcut to operator_converters. source on GitHub |
__init__ |
module mlprodict.onnx_conv.parsers Shortcut to parsers. source on GitHub |
__init__ |
module mlprodict.onnx_conv.scorers Shortcuts to scorers. source on GitHub |
__init__ |
module mlprodict.onnx_conv.shape_calculators Shortcut to shape_calculators. source on GitHub |
__init__ |
module mlprodict.onnx_conv.sklconv Shortcuts to sklconv. source on GitHub |
__init__ |
module mlprodict.onnx_grammar Shortcut to onnx_grammar. source on GitHub |
__init__ |
module mlprodict.onnxrt Shortcut to onnxrt. source on GitHub |
__init__ |
module mlprodict.onnxrt.doc Helper for documentation. source on GitHub |
__init__ |
module mlprodict.onnxrt.ops_cpu Shortcut to ops_cpu. source on GitHub |
__init__ |
module mlprodict.onnxrt.ops_onnxruntime Shortcut to ops_cpu. source on GitHub |
__init__ |
module mlprodict.onnxrt.ops_whole Shortcut to ops_whole. source on GitHub |
__init__ |
module mlprodict.onnxrt.optim Shortcuts to onnxrt.optim. source on GitHub |
__init__ |
module mlprodict.onnxrt.validate Functions to validate converted models and runtime. source on GitHub |
__init__ |
module mlprodict.onnxrt.validate.data Datasets to tests models. source on GitHub |
__init__ |
module mlprodict.sklapi Shortcut to onnxrt. source on GitHub |
__init__ |
module mlprodict.testing Shortcut to testing. source on GitHub |
__init__ |
module mlprodict.tools Shorcut to tools. source on GitHub |
__main__ |
module mlprodict.__main__ Implements command line python -m mlprodict <command> <args> . source on GitHub |
_create_asv_helper |
module mlprodict.asv_benchmark._create_asv_helper Functions to creates a benchmark based on asv for many regressors and classifiers. source on GitHub |
_main_onnx_optim |
module mlprodict.onnxrt.optim._main_onnx_optim Calls all possible ONNX optimisations. source on GitHub |
_new_ops |
module mlprodict.onnxrt.ops_cpu._new_ops Defines new operators. source on GitHub |
_onnx_optimisation_common |
module mlprodict.onnxrt.optim._onnx_optimisation_common Common functions to reduce the number of nodes of an ONNX graphs. source on GitHub |
_op |
module mlprodict.onnxrt.ops_cpu._op Shortcut to ops_cpu. source on GitHub |
_op |
module mlprodict.onnxrt.ops_onnxruntime._op Shortcut to ops_onnxruntime. source on GitHub |
_op_helper |
module mlprodict.onnxrt.ops_cpu._op_helper Runtime operator. source on GitHub |
_op_list |
module mlprodict.onnxrt.ops_cpu._op_list Imports runtime operators. source on GitHub |
_op_numpy_helper |
module mlprodict.onnxrt.ops_cpu._op_numpy_helper numpy redundant functions. source on GitHub |
_op_onnx_numpy.cpython-37m-x86_64-linux-gnu |
module mlprodict.onnxrt.ops_cpu._op_onnx_numpy C++ helpers of ONNX operators. source on GitHub |
ada_boost |
module mlprodict.onnx_conv.sklconv.ada_boost Rewrites some of the converters implemented in sklearn-onnx. source on GitHub |
api_extension |
module mlprodict.grammar.api_extension Implements decorators to extend the API. source on GitHub |
asv2csv |
module mlprodict.cli.asv2csv Command line about exporting asv results into a dataframe. source on GitHub |
asv_bench |
module mlprodict.cli.asv_bench Command line about validation of prediction runtime. source on GitHub |
asv_exports |
module mlprodict.asv_benchmark.asv_exports Functions to help exporting json format into text. source on GitHub |
asv_options_helper |
module mlprodict.tools.asv_options_helper Functions to show shortened options in asv benchmarks. source on GitHub |
c_compilation |
module mlprodict.cc.c_compilation Helpers to compile C. source on GitHub |
cdist_score |
module mlprodict.onnx_conv.scorers.cdist_score Implementation of a dummy score using cdist. source on GitHub |
code_helper |
module mlprodict.tools.code_helper A couple of tools unrelated to what the package does. source on GitHub |
common_asv_skl |
module mlprodict.asv_benchmark.common_asv_skl Common class for all benchmarks testing converted models from scikit-learn with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
conv_lightgbm |
module mlprodict.onnx_conv.operator_converters.conv_lightgbm Modified converter from LightGbm.py. source on GitHub |
conv_xgboost |
module mlprodict.onnx_conv.operator_converters.conv_xgboost Modified converter from XGBoost.py. source on GitHub |
convert |
module mlprodict.onnx_conv.convert Overloads a conversion function. source on GitHub |
convert_validate |
module mlprodict.cli.convert_validate Command line about validation of prediction runtime. source on GitHub |
create_asv |
module mlprodict.asv_benchmark.create_asv Functions to creates a benchmark based on asv for many regressors and classifiers. source on GitHub |
doc_helper |
module mlprodict.onnxrt.doc.doc_helper Documentation helper. source on GitHub |
doc_write_helper |
module mlprodict.onnxrt.doc.doc_write_helper Documentation helper. source on GitHub |
exc |
module mlprodict.grammar.exc Exception definition. source on GitHub |
filename_helper |
module mlprodict.tools.filename_helper A couple of tools related to filenames. source on GitHub |
g_sklearn_identify |
module mlprodict.grammar_sklearn.g_sklearn_identify Helpers to identify an interpreter. source on GitHub |
g_sklearn_linear_model |
module mlprodict.grammar_sklearn.g_sklearn_linear_model List of interpreted from scikit-learn model. source on GitHub |
g_sklearn_main |
module mlprodict.grammar_sklearn.g_sklearn_main Main functions to convert machine learned model from scikit-learn model. source on GitHub |
g_sklearn_preprocessing |
module mlprodict.grammar_sklearn.g_sklearn_preprocessing Converters from scikit-learn model. source on GitHub |
g_sklearn_tree |
module mlprodict.grammar_sklearn.g_sklearn_tree List of converters from scikit-learn model. source on GitHub |
g_sklearn_type_helpers |
module mlprodict.grammar_sklearn.g_sklearn_type_helpers Tiny helpers for scikit-learn exporters. source on GitHub |
gactions |
module mlprodict.grammar.gactions Action definition. source on GitHub |
gactions_num |
module mlprodict.grammar.gactions_num Action definition. source on GitHub |
gactions_tensor |
module mlprodict.grammar.gactions_tensor Action definition. source on GitHub |
gmlactions |
module mlprodict.grammar.gmlactions Actions definition. source on GitHub |
graph_schema_helper |
module mlprodict.onnxrt.optim.graph_schema_helper Functions to help guessing the final graph structure. source on GitHub |
gtypes |
module mlprodict.grammar.gtypes Types definition. source on GitHub |
model_checker |
module mlprodict.onnxrt.model_checker Investigate issues happening with float32. source on GitHub |
model_info |
module mlprodict.tools.model_info Functions to help get more information about the models. source on GitHub |
model_verification |
module mlprodict.testing.model_verification Complex but recurring testing functions. source on GitHub |
nb_helper |
module mlprodict.onnxrt.doc.nb_helper Helpers for notebooks. source on GitHub |
node_visitor_translator |
module mlprodict.onnx_grammar.node_visitor_translator One class which visits a syntax tree. source on GitHub |
onnx2py_helper |
module mlprodict.onnxrt.onnx2py_helper Functions which converts ONNX object into readable :epgk:`python` objects. source on GitHub |
onnx_helper |
module mlprodict.onnxrt.optim.onnx_helper Statistics on ONNX models. source on GitHub |
onnx_inference |
module mlprodict.onnxrt.onnx_inference Implements a class able to compute the predictions from on an ONNX model. source on GitHub |
onnx_inference_exports |
module mlprodict.onnxrt.onnx_inference_exports Extensions to class OnnxInference . source on GitHub |
onnx_inference_manipulations |
module mlprodict.onnxrt.onnx_inference_manipulations Implements a class able to compute the predictions from on an ONNX model. source on GitHub |
onnx_inference_node |
module mlprodict.onnxrt.onnx_inference_node OnnxInferenceNode definition. source on GitHub |
onnx_optimisation |
module mlprodict.onnxrt.optim.onnx_optimisation Optimisations of ONNX graphs. source on GitHub |
onnx_optimisation_identity |
module mlprodict.onnxrt.optim.onnx_optimisation_identity Optimisation of ONNX graphs. source on GitHub |
onnx_optimisation_redundant |
module mlprodict.onnxrt.optim.onnx_optimisation_redundant Optimisation of ONNX graphs. source on GitHub |
onnx_transformer |
module mlprodict.sklapi.onnx_transformer Wraps runtime into a scikit-learn transformer. source on GitHub |
onnx_translation |
module mlprodict.onnx_grammar.onnx_translation One class which visits a syntax tree. source on GitHub |
onnx_translator |
module mlprodict.onnx_grammar.onnx_translator One class which visits a syntax tree. source on GitHub |
op_abs |
module mlprodict.onnxrt.ops_cpu.op_abs Runtime operator. source on GitHub |
op_add |
module mlprodict.onnxrt.ops_cpu.op_add Runtime operator. source on GitHub |
op_argmax |
module mlprodict.onnxrt.ops_cpu.op_argmax Runtime operator. source on GitHub |
op_argmin |
module mlprodict.onnxrt.ops_cpu.op_argmin Runtime operator. source on GitHub |
op_array_feature_extractor |
module mlprodict.onnxrt.ops_cpu.op_array_feature_extractor Runtime operator. source on GitHub |
op_binarizer |
module mlprodict.onnxrt.ops_cpu.op_binarizer Runtime operator. source on GitHub |
op_cast |
module mlprodict.onnxrt.ops_cpu.op_cast Runtime operator. source on GitHub |
op_cdist |
module mlprodict.onnxrt.ops_cpu.op_cdist Runtime operator. source on GitHub |
op_ceil |
module mlprodict.onnxrt.ops_cpu.op_ceil Runtime operator. source on GitHub |
op_clip |
module mlprodict.onnxrt.ops_cpu.op_clip Runtime operator. source on GitHub |
op_concat |
module mlprodict.onnxrt.ops_cpu.op_concat Runtime operator. source on GitHub |
op_constant |
module mlprodict.onnxrt.ops_cpu.op_constant Runtime operator. source on GitHub |
op_constant_of_shape |
module mlprodict.onnxrt.ops_cpu.op_constant_of_shape Runtime operator. source on GitHub |
op_cum_sum |
module mlprodict.onnxrt.ops_cpu.op_cum_sum Runtime operator. source on GitHub |
op_dict_vectorizer |
module mlprodict.onnxrt.ops_cpu.op_dict_vectorizer Runtime operator. source on GitHub |
op_div |
module mlprodict.onnxrt.ops_cpu.op_div Runtime operator. source on GitHub |
op_equal |
module mlprodict.onnxrt.ops_cpu.op_equal Runtime operator. source on GitHub |
op_exp |
module mlprodict.onnxrt.ops_cpu.op_exp Runtime operator. source on GitHub |
op_feature_vectorizer |
module mlprodict.onnxrt.ops_cpu.op_feature_vectorizer Runtime operator. source on GitHub |
op_flatten |
module mlprodict.onnxrt.ops_cpu.op_flatten Runtime operator. source on GitHub |
op_floor |
module mlprodict.onnxrt.ops_cpu.op_floor Runtime operator. source on GitHub |
op_gather_elements |
module mlprodict.onnxrt.ops_cpu.op_gather_elements Runtime operator. source on GitHub |
op_gemm |
module mlprodict.onnxrt.ops_cpu.op_gemm Runtime operator. source on GitHub |
op_greater |
module mlprodict.onnxrt.ops_cpu.op_greater Runtime operator. source on GitHub |
op_identity |
module mlprodict.onnxrt.ops_cpu.op_identity Runtime operator. source on GitHub |
op_imputer |
module mlprodict.onnxrt.ops_cpu.op_imputer Runtime operator. source on GitHub |
op_label_encoder |
module mlprodict.onnxrt.ops_cpu.op_label_encoder Runtime operator. source on GitHub |
op_less |
module mlprodict.onnxrt.ops_cpu.op_less Runtime operator. source on GitHub |
op_linear_classifier |
module mlprodict.onnxrt.ops_cpu.op_linear_classifier Runtime operator. source on GitHub |
op_linear_regressor |
module mlprodict.onnxrt.ops_cpu.op_linear_regressor Runtime operator. source on GitHub |
op_log |
module mlprodict.onnxrt.ops_cpu.op_log Runtime operator. source on GitHub |
op_lp_normalization |
module mlprodict.onnxrt.ops_cpu.op_lp_normalization Runtime operator. source on GitHub |
op_matmul |
module mlprodict.onnxrt.ops_cpu.op_matmul Runtime operator. source on GitHub |
op_max |
module mlprodict.onnxrt.ops_cpu.op_max Runtime operator. source on GitHub |
op_mean |
module mlprodict.onnxrt.ops_cpu.op_mean Runtime operator. source on GitHub |
op_min |
module mlprodict.onnxrt.ops_cpu.op_min Runtime operator. source on GitHub |
op_mul |
module mlprodict.onnxrt.ops_cpu.op_mul Runtime operator. source on GitHub |
op_normalizer |
module mlprodict.onnxrt.ops_cpu.op_normalizer Runtime operator. source on GitHub |
op_not |
module mlprodict.onnxrt.ops_cpu.op_not Runtime operator. source on GitHub |
op_one_hot_encoder |
module mlprodict.onnxrt.ops_cpu.op_one_hot_encoder Runtime operator. source on GitHub |
op_pow |
module mlprodict.onnxrt.ops_cpu.op_pow Runtime operator. source on GitHub |
op_reciprocal |
module mlprodict.onnxrt.ops_cpu.op_reciprocal Runtime operator. source on GitHub |
op_reduce_log_sum_exp |
module mlprodict.onnxrt.ops_cpu.op_reduce_log_sum_exp Runtime operator. source on GitHub |
op_reduce_max |
module mlprodict.onnxrt.ops_cpu.op_reduce_max Runtime operator. source on GitHub |
op_reduce_mean |
module mlprodict.onnxrt.ops_cpu.op_reduce_mean Runtime operator. source on GitHub |
op_reduce_min |
module mlprodict.onnxrt.ops_cpu.op_reduce_min Runtime operator. source on GitHub |
op_reduce_prod |
module mlprodict.onnxrt.ops_cpu.op_reduce_prod Runtime operator. source on GitHub |
op_reduce_sum |
module mlprodict.onnxrt.ops_cpu.op_reduce_sum Runtime operator. source on GitHub |
op_reduce_sum_square |
module mlprodict.onnxrt.ops_cpu.op_reduce_sum_square Runtime operator. source on GitHub |
op_relu |
module mlprodict.onnxrt.ops_cpu.op_relu Runtime operator. source on GitHub |
op_reshape |
module mlprodict.onnxrt.ops_cpu.op_reshape Runtime operator. source on GitHub |
op_rnn |
module mlprodict.onnxrt.ops_cpu.op_rnn Runtime operator. source on GitHub |
op_scaler |
module mlprodict.onnxrt.ops_cpu.op_scaler Runtime operator. source on GitHub |
op_scan |
module mlprodict.onnxrt.ops_cpu.op_scan Runtime operator. source on GitHub |
op_shape |
module mlprodict.onnxrt.ops_cpu.op_shape Runtime operator. source on GitHub |
op_sigmoid |
module mlprodict.onnxrt.ops_cpu.op_sigmoid Runtime operator. source on GitHub |
op_sign |
module mlprodict.onnxrt.ops_cpu.op_sign Runtime operator. source on GitHub |
op_sin |
module mlprodict.onnxrt.ops_cpu.op_sin Runtime operator. source on GitHub |
op_slice |
module mlprodict.onnxrt.ops_cpu.op_slice Runtime operator. source on GitHub |
op_softmax |
module mlprodict.onnxrt.ops_cpu.op_softmax Runtime operator. source on GitHub |
op_sqrt |
module mlprodict.onnxrt.ops_cpu.op_sqrt Runtime operator. source on GitHub |
op_squeeze |
module mlprodict.onnxrt.ops_cpu.op_squeeze Runtime operator. source on GitHub |
op_sub |
module mlprodict.onnxrt.ops_cpu.op_sub Runtime operator. source on GitHub |
op_sum |
module mlprodict.onnxrt.ops_cpu.op_sum Runtime operator. source on GitHub |
op_svm_classifier |
module mlprodict.onnxrt.ops_cpu.op_svm_classifier Runtime operator. source on GitHub |
op_svm_classifier_.cpython-37m-x86_64-linux-gnu |
module mlprodict.onnxrt.ops_cpu.op_svm_classifier_ Implements runtime for operator SVMClassifier. The code is inspired from svm_classifier.cc in onnxruntime. source on GitHub |
op_svm_regressor |
module mlprodict.onnxrt.ops_cpu.op_svm_regressor Runtime operator. source on GitHub |
op_svm_regressor_.cpython-37m-x86_64-linux-gnu |
module mlprodict.onnxrt.ops_cpu.op_svm_regressor_ Implements runtime for operator SVMRegressor. The code is inspired from svm_regressor.cc in onnxruntime. source on GitHub |
op_topk |
module mlprodict.onnxrt.ops_cpu.op_topk Runtime operator. source on GitHub |
op_transpose |
module mlprodict.onnxrt.ops_cpu.op_transpose Runtime operator. source on GitHub |
op_tree_ensemble_classifier |
module mlprodict.onnxrt.ops_cpu.op_tree_ensemble_classifier Runtime operator. source on GitHub |
op_tree_ensemble_classifier_.cpython-37m-x86_64-linux-gnu |
module mlprodict.onnxrt.ops_cpu.op_tree_ensemble_classifier_ Implements runtime for operator TreeEnsembleClassifier. The code is inspired from tree_ensemble_classifier.cc in onnxruntime. source on GitHub |
op_tree_ensemble_regressor |
module mlprodict.onnxrt.ops_cpu.op_tree_ensemble_regressor Runtime operator. source on GitHub |
op_tree_ensemble_regressor_.cpython-37m-x86_64-linux-gnu |
module mlprodict.onnxrt.ops_cpu.op_tree_ensemble_regressor_ Implements runtime for operator TreeEnsembleRegressor. The code is inspired from tree_ensemble_regressor.cc in onnxruntime. source on GitHub |
op_where |
module mlprodict.onnxrt.ops_cpu.op_where Runtime operator. source on GitHub |
op_zipmap |
module mlprodict.onnxrt.ops_cpu.op_zipmap Runtime operator. source on GitHub |
ops |
module mlprodict.onnxrt.ops Loads runtime operator. source on GitHub |
optimize |
module mlprodict.cli.optimize Command line about model optimisation. source on GitHub |
parse_lightgbm |
module mlprodict.onnx_conv.parsers.parse_lightgbm Parsers for LightGBM booster. source on GitHub |
register |
module mlprodict.onnx_conv.register Shortcut to onnx_conv. source on GitHub |
register |
module mlprodict.onnx_conv.scorers.register Registers new converters. source on GitHub |
register_rewritten_converters |
module mlprodict.onnx_conv.register_rewritten_converters Rewrites some of the converters implemented in sklearn-onnx. source on GitHub |
script_testing |
module mlprodict.testing.script_testing Utilies to test script from scikit-learn documentation. source on GitHub |
session |
module mlprodict.onnxrt.ops_whole.session Shortcut to ops_whole. source on GitHub |
shape_lightgbm |
module mlprodict.onnx_conv.shape_calculators.shape_lightgbm Shape calculator for LGBMClassifier, handles doubles. source on GitHub |
shape_object |
module mlprodict.onnxrt.shape_object Shape object. source on GitHub |
side_by_side |
module mlprodict.onnxrt.validate.side_by_side Helpers to compare executions. source on GitHub |
skl_model_classifier |
module mlprodict.asv_benchmark.template.skl_model_classifier A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
skl_model_classifier_raw_score |
module mlprodict.asv_benchmark.template.skl_model_classifier_raw_score A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
skl_model_clustering |
module mlprodict.asv_benchmark.template.skl_model_clustering A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
skl_model_multi_classifier |
module mlprodict.asv_benchmark.template.skl_model_multi_classifier A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
skl_model_outlier |
module mlprodict.asv_benchmark.template.skl_model_outlier A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
skl_model_regressor |
module mlprodict.asv_benchmark.template.skl_model_regressor A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
skl_model_trainable_transform |
module mlprodict.asv_benchmark.template.skl_model_trainable_transform A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
skl_model_transform |
module mlprodict.asv_benchmark.template.skl_model_transform A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
skl_model_transform_positive |
module mlprodict.asv_benchmark.template.skl_model_transform_positive A template to benchmark a model with asv. The benchmark can be run through file run_asv.sh on Linux or run_asv.bat on Windows. .. warning:: On Windows, you should avoid cloning the repository on a folder with a long full name. Visual Studio tends to abide by the rule of the maximum path length even though the system is told otherwise. source on GitHub |
sklearn_helper |
module mlprodict.onnxrt.optim.sklearn_helper Helpers to manipulate scikit-learn models. source on GitHub |
svm_converters |
module mlprodict.onnx_conv.sklconv.svm_converters Rewrites some of the converters implemented in sklearn-onnx. source on GitHub |
tree_converters |
module mlprodict.onnx_conv.sklconv.tree_converters Rewrites some of the converters implemented in sklearn-onnx. source on GitHub |
validate |
module mlprodict.cli.validate Command line about validation of prediction runtime. source on GitHub |
validate |
module mlprodict.onnxrt.validate.validate Validates runtime for many :scikit-learn: operators. The submodule relies on onnxconverter_common, sklearn-onnx. source on GitHub |
validate_benchmark |
module mlprodict.onnxrt.validate.validate_benchmark Measures time processing for ONNX models. source on GitHub |
validate_difference |
module mlprodict.onnxrt.validate.validate_difference Validates runtime for many :scikit-learn: operators. The submodule relies on onnxconverter_common, sklearn-onnx. source on GitHub |
validate_graph |
module mlprodict.onnxrt.validate.validate_graph Functions to help visualizing performances. source on GitHub |
validate_helper |
module mlprodict.onnxrt.validate.validate_helper Validates runtime for many :scikit-learn: operators. The submodule relies on onnxconverter_common, sklearn-onnx. source on GitHub |
validate_problems |
module mlprodict.onnxrt.validate.validate_problems Validates runtime for many :scikit-learn: operators. The submodule relies on onnxconverter_common, sklearn-onnx. source on GitHub |
validate_python |
module mlprodict.onnxrt.validate.validate_python Helpers to validate python code. source on GitHub |
validate_scenarios |
module mlprodict.onnx_conv.validate_scenarios Scenario for addition converters. source on GitHub |
validate_scenarios |
module mlprodict.onnxrt.validate.validate_scenarios Scenarios for validation. source on GitHub |
validate_summary |
module mlprodict.onnxrt.validate.validate_summary Summarizes results produces by function in validate.py. source on GitHub |
verify_code |
module mlprodict.testing.verify_code Looks into the code and detects error before finalizing the benchmark. source on GitHub |