.. _l-functions: Functions ========= .. contents:: :local: :depth: 1 Summary +++++++ +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | function | class parent | truncated documentation | +=========================================================================================================================================================================================+==============+=================================================================================================================================================================================================+ | :func:`ClassFactory ` | | Dynamically creates a class for a specific operator. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxReduceAnyApi18 ` | | Adds operator Reduce* with opset>=18 following API from opset 17. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxReduceL2_typed ` | | Adds operator ReduceL2 for float or double. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxReduceMeanApi18 ` | | Adds operator ReduceMean with opset>=18 following API from opset 17. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxReduceSumApi11 ` | | Adds operator ReduceSum with opset>=13 following API from opset 12. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxReduceSumSquareApi18 ` | | Adds operator ReduceSumSquare with opset>=18 following API from opset 17. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxReshapeApi13 ` | | Adds operator Reshape with opset>=14 following API from opset 13. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxSplitApi11 ` | | Adds operator Split with opset>=13 following API from opset 11. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxSqueezeApi11 ` | | Adds operator Squeeze with opset>=13 following API from opset 11. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`OnnxUnsqueezeApi11 ` | | Adds operator Unsqueeze with opset>=13 following API from opset 11. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_1d_problem ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`__pep8 ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_additional_imports ` | | Adds additional imports for experimental models. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_analyse_tree ` | | Extract information from a tree. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_analyse_tree_h ` | | Extract information from a tree in a HistGradientBoosting. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_append_succ_pred ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_append_succ_pred_s ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_apply_adagrad ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_apply_adam ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_apply_einsum_matmul ` | | Decomposes the generic matrix multiplication into numpy operations depending on the operator to use for matrix multiplication ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_apply_momentum ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_apply_optimisation_on_graph ` | | Applies an optimisation function *fct* on a graph and not on the model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_apply_remove_node_fct_node ` | | Applies an optimizing function on a subgraphs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_apply_squeeze_transpose ` | | Puts output dimension in the expected order. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_apply_transpose_reshape ` | | Put all dimensions in the same order. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_argmax ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_argmax_use_numpy_select_last_index ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_argmin ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_argmin_use_numpy_select_last_index ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_array_feature_extrator ` | | Implementation of operator *ArrayFeatureExtractor* with :epkg:`numpy`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_asv_class_name ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_basic_verification ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_batchnorm_test_mode ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_batchnorm_training_mode ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_build_schemas ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_call_conv_runtime_opset ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_call_runtime ` | | Private. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_call_validate ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_capture_output ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_cartesian ` | | From https://stackoverflow.com/a/1235363 Generate a cartesian product of input arrays. Parameters ---------- ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_cfft ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_change_subgraph_io_type_shape_list ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_data_field ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_dtype ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_expression ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_field ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_function ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_graph ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_map ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_model ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_model_local_functions ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_node ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_opset_compatibility ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_optional ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_run_benchmark ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_sequence ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_sparse_tensor ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_sparse_tensor_indices_1 ` | | Check that the index data stored in a SparseTensorProto is valid. indices: a 1-dimensional tensor; indices[i] represents ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_sparse_tensor_indices_2 ` | | Check that the index data stored in a SparseTensorProto is valid. indices: a 2-dimensional tensor; indices[i,j] represents ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_tensor ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_check_value_info ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_cifft ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_clean_initializer_name ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_clean_operator_name ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_clean_script ` | | Comments out all lines containing ``.show()``. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_clean_values_optim ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_clean_variable_name ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_common_check_numpy_extended_dot ` | | Common verifications for all implementations of :func:`numpy_extended_dot`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_common_converter_begin ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_common_converter_int_t ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_common_converter_t ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_common_shape_calculator_int_t ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_common_shape_calculator_t ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_compare_expected ` | | Compares the expected output against the runtime outputs. This is specific to :epkg:`onnxruntime` or :epkg:`mlprodict`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_compress_nodes ` | | Compresses a sequence of node to make it more readable. If possible, it creates a node `Expression` with a graph ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_compress_nodes_once ` | | Compresses a sequence of node to make it more readable. If possible, it creates a node `Expression` with a graph ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_compute_negative_log_likelihood_loss ` | | Modified version of `softmaxcrossentropy.py `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_concat ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_concat_from_sequence ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_convert_sklearn_svm_classifier ` | | Converter for model `SVC `_, `NuSVC `_. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_converter_classifier ` | | Default converter for a classifier with one input and two outputs, label and probabilities of the same input type. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_converter_cluster ` | | Default converter for a clustering with one input and two outputs, label and distances of the same input type. It ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_converter_regressor ` | | Default converter for a regressor with one input and one output of the same type. It assumes instance *operator* ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_converter_transformer ` | | Default converter for a transformer with one input and one output of the same type. It assumes instance *operator* ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_coor_to_str ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_copy_attributes ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_copy_inout ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_copy_value_info_proto ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_create_asv_benchmark_file ` | | Creates a benchmark file based in the information received through the argument. It uses one of the templates like ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_create_column ` | | Creates a column from values with dtype | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_create_node_id ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_cubic_coeffs ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_custom_parser_xgboost ` | | Custom parser for *XGBClassifier* and *LGBMClassifier*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_decompose_einsum_equation_simple ` | | Applies strategy `simple`, `numpy` defined in by function :func:`decompose_einsum_equation`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_default_OPSET_TO_IR_VERSION ` | | Returns the default mapping between opset and ir_version. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_dict2str ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_dictionary2str ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_display_code_lines ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_dispsimple ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_dofit_model ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_domain_to_class_name ` | | Converts domain into a name. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_download_url ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_dropout ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_dynamic_class_creation ` | | Automatically generates classes for each of the operators module *onnx* defines and described at `Operators `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_edit_distance ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_einsum ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_elem_type_as_str ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_element_unary ` | | Infers shape for an element wise operator. The function returns but updates *known_shapes*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_element_wise ` | | Infers shape for an element wise operator. The function returns but updates *known_shapes*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_enforce_has_field ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_enforce_has_repeated_field ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_enforce_non_empty_field ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_enumerate_asv_benchmark_all_models ` | | Loops over all possible models and fills a folder with benchmarks following :epkg:`asv` concepts. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_enumerate_classes ` | | Extracts the classes of a file. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_enumerate_fit_info ` | | Extracts the name of the fitted models and the data used to train it. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_enumerate_validated_operator_opsets_ops ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_enumerate_validated_operator_opsets_version ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_fft ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_figures2dict ` | | Converts the data from list to dictionaries. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_finalize ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_find_operator_domain ` | | Determines the domain of an operator. Raises an exception if not found or if there is an ambiguity. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_fix_opset_skl2onnx ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_fix_tree_ensemble ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_fix_tree_ensemble_node ` | | Fixes a node for old versionsof skl2onnx. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_format_dict ` | | Formats a dictionary as code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_fuse_node ` | | Merges two nodes having one input/output in common. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_gather_nd_impl ` | | Modified version of `softmaxcrossentropy.py `_. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_generate_op_doc ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_all_coords ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_all_operator_schema ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_all_schemas_with_history ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_doc_template ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_doc_template ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_indices ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_info_lgb ` | | Get informations from and :epkg:`lightgbm` trees. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_info_xgb ` | | Get informations from and :epkg:`lightgbm` trees. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_neighbor ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_neighbor_idxes ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_new_name ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_onnx_function ` | | Returns the list of functions defined in ONNX package. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_output_shape ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_output_shape_no_ceil ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_pad_shape ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_problem_data ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_shape ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_type ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_typed_class_attribute ` | | Converts an attribute into a C++ value. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_get_version_for_domain ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_global_average_pool ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_global_max_pool ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_guess_noshape ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_guess_s2o_type ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_guess_type ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_guess_type_ ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_handle_init_files ` | | Returns created, location_model, prefix_import. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_has_decision_function ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_has_predict_proba ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_has_transform_model ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_hash_obj_content ` | | Hash the content of an object. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_ifft ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_infer_node_output ` | | Infers node outputs for a specific type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_insert_diff ` | | Splits a using `split`, insert HTML differences between pieces. The function relies on package :epkg:`pyquickhelper`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_internal_decorator ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_internal_method_decorator ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_interpolate_1d_with_x ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_interpolate_nd ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_interpolate_nd_with_x ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_is_out ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_is_rotation ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_istft ` | | Reverses of `stft`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_jsonify ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_layer_normalization ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_leaky_relu ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_leaky_relu_inplace ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_linear_coeffs ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_make_att_graph ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_make_callable ` | | Same function as :func:`make_callable` but deals with function which an undefined number of arguments. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_make_einsum_model ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_make_inputs ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_make_node ` | | Constructs a NodeProto. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_make_opset ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_measure_time ` | | Measures the execution time for a function. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_measure_time ` | | Measures a statement and returns the results as a dictionary. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_merge_initial_types ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_merge_options ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_model_name ` | | Extracts the main component of a model, removes suffixes such ``Classifier``, ``Regressor``, ``CV``. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_modify_dimension ` | | Modifies the number of features to increase or reduce the number of features. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_multiply_time_kwargs ` | | Multiplies values in *time_kwargs* following strategy *time_kwargs_fact* for a given model *inst*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_nearest_coeffs ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_new_options ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_nodes ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_noshapevar ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_numpy_array ` | | Single function to create an array. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_numpy_dot_inplace_left ` | | Subpart of @see fn numpy_dot_inplace. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_numpy_dot_inplace_right ` | | Subpart of @see fn numpy_dot_inplace. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_numpy_extended_dot_equation ` | | Returns the equation equivalent to an extended version of an aligned matrix multiplication (see :func:`numpy_extended_dot`). ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_numpy_extended_dot_python_intermediate ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_numpy_extended_dot_python_l1l2l3 ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_numpy_extended_dot_python_update_broadcast ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_one_hot ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_onnx_function_to_model_convert_io ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_onnx_inline_function_graph ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_onnx_inline_function_node ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_op_type_domain_classifier ` | | Defines *op_type* and *op_domain* based on `dtype`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_op_type_domain_classifier ` | | Defines *op_type* and *op_domain* based on `dtype`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_op_type_domain_regressor ` | | Defines *op_type* and *op_domain* based on `dtype`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_op_type_domain_regressor ` | | Defines *op_type* and *op_domain* based on `dtype`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_pad_impl ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_parse_data ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_parse_node ` | | Parses nodes. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_parse_tree_structure ` | | The pool of all nodes' indexes created when parsing a single tree. Different tree use different pools. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_pool ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_pool_get_output_shape ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_pool_impl ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_populate__get_all_schemas_with_history ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_populate_schemas ` | | Populates all schemas. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_post_process_output ` | | Applies post processings before running the comparison such as changing type from list to arrays. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_private_get_file ` | | Retrieves one template. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_cl_decision_function ` | | Returns *X, y, intial_types, method, name, X runtime* for a scoring problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_cl_decision_function_binary ` | | Returns *X, y, intial_types, method, name, X runtime* for a scoring problem. Binary classification. It is based ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_clnoproba ` | | Returns *X, y, intial_types, method, name, X runtime* for a scoring problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_clnoproba_binary ` | | Returns *X, y, intial_types, method, name, X runtime* for a scoring problem. Binary classification. It is based ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_clustering ` | | Returns *X, intial_types, method, name, X runtime* for a clustering problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_clustering_scores ` | | Returns *X, intial_types, method, name, X runtime* for a clustering problem, the score part, not the cluster. It ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_dict_vectorizer ` | | Returns a problem for the :epkg:`sklearn:feature_extraction:DictVectorizer`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_feature_hasher ` | | Returns a problem for the :epkg:`sklearn:feature_extraction:DictVectorizer`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_label_encoder ` | | Returns a problem for the :epkg:`sklearn:preprocessing:LabelEncoder`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_mixture ` | | Returns *X, y, intial_types, method, node name, X runtime* for a m-cl classification problem. It is based on Iris ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_numerical_scoring ` | | Returns *X, y, intial_types, method, name, X runtime* for a scoring problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_numerical_trainable_transform ` | | Returns *X, intial_types, method, name, X runtime* for a transformation problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_numerical_trainable_transform_cl ` | | Returns *X, intial_types, method, name, X runtime* for a transformation problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_numerical_transform ` | | Returns *X, intial_types, method, name, X runtime* for a transformation problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_numerical_transform_positive ` | | Returns *X, intial_types, method, name, X runtime* for a transformation problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_one_hot_encoder ` | | Returns a problem for the :epkg:`sklearn:preprocessing:OneHotEncoder`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_outlier ` | | Returns *X, intial_types, method, name, X runtime* for a transformation problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_predictor_binary_classification ` | | Returns *X, y, intial_types, method, node name, X runtime* for a binary classification problem. It is based on Iris ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_predictor_multi_classification ` | | Returns *X, y, intial_types, method, node name, X runtime* for a m-cl classification problem. It is based on Iris ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_predictor_multi_classification_label ` | | Returns *X, y, intial_types, method, node name, X runtime* for a m-cl classification problem. It is based on Iris ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_predictor_multi_regression ` | | Returns *X, y, intial_types, method, name, X runtime* for a mregression problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_predictor_regression ` | | Returns *X, y, intial_types, method, name, X runtime* for a regression problem. It is based on Iris dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_tfidf_transformer ` | | Returns a problem for the :epkg:`sklearn:feature_extraction:text:TfidfTransformer`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_problem_for_tfidf_vectorizer ` | | Returns a problem for the :epkg:`sklearn:feature_extraction:text:TfidfVectorizer`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_process_node ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_python_make_node ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_python_make_node_graph ` | | Translates a GraphProto into python. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_python_make_node_if ` | | Translates a node If into python. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_python_make_node_loop ` | | Translates a node Loop into python. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_python_make_node_make_attribute_str ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_python_make_node_name ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_python_make_node_scan ` | | Translates a node Scan into python. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_random_input ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_raw_score_binary_classification ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_read_patterns ` | | Reads the testing pattern. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_reduce_infos ` | | Produces agregates features. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_register_converters_lightgbm ` | | This functions registers additional converters for :epkg:`lightgbm`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_register_converters_mlinsights ` | | This functions registers additional converters for :epkg:`mlinsights`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_register_converters_skl2onnx ` | | This functions registers additional converters for :epkg:`skl2onnx`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_register_converters_xgboost ` | | This functions registers additional converters for :epkg:`xgboost`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_relu ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_rename_graph_input ` | | Renames an input and adds an *Identity* node to connect the dots. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_rename_graph_output ` | | Renames an output and adds an *Identity* node to connect the dots. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_rename_node_input ` | | Renames an input from a node. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_rename_node_output ` | | Renames an output from a node. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_rename_var ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_replace ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_replace_tensor_type ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_retrieve_class_parameters ` | | Imports files in bdir, compile files and extra metadata from them. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_retrieve_problems_extra ` | | Use by :func:`enumerate_compatible_opset`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_run_skl_prediction ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_save_model_dump ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_scatter_nd_impl ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_select_close_float ` | | Selects the closest float to `x`. It returns always `numpy.float32(x)`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_select_pattern_problem ` | | Selects a benchmark type based on the problem kind. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_shape_calculator_classifier ` | | Default shape calculator for a classifier with one input and two outputs, label (int64) and probabilites of the same ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_shape_calculator_cluster ` | | Default shape calculator for a clustering with one input and two outputs, label (int64) and distances of the same type. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_shape_calculator_regressor ` | | Default shape calculator for a regressor with one input and one output of the same type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_shape_calculator_transformer ` | | Default shape calculator for a transformer with one input and one output of the same type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_shape_exc ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_side_by_side_by_values_inputs ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_skl2onnx_add_to_container ` | | Adds ONNX graph to :epkg:`skl2onnx` container and scope. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_sklearn_subfolder ` | | Returns the list of subfolders for a model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_slice ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_sparse_array ` | | Single function to create an sparse array (:epkg:`coo_matrix`). | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_specify_int64 ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_split_op_name ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_split_tree_ensemble_atts ` | | Splits the attributes of a TreeEnsembleRegressor into multiple trees in order to do the summation in double instead ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_stft ` | | Applies one dimensional FFT with window weights. torch defines the number of frames as: `n_frames = 1 + (len - n_fft) / hop_length`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_summary_report_indices ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_switch_axes ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_to_array ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_to_onnx_function_column_transformer ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_to_onnx_function_pipeline ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_translate_split_criterion ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_try_onnx ` | | Tries onnx conversion. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_type_to_string ` | | Converts a type into a readable string. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_unsqueeze ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_update_module ` | | Dynamically updates the module with operators defined by *ONNX*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_update_test_metadata ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_validate_runtime_dict ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_validate_runtime_separate_process ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_var_as_dict ` | | Converts a protobuf object into something readable. The current implementation relies on :epkg:`json`. That's not ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_vcelu1 ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`_xop_make_node_name ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`abs ` | | See :func:`numpy.abs`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`acos ` | | See :func:`numpy.acos`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`acosh ` | | See :func:`numpy.acosh`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`add_model_import_init ` | | Modifies a template such as :class:`TemplateBenchmarkClassifier` with code associated to the model *model*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`add_onnx_graph ` | | Adds a whole ONNX graph to an existing one following :epkg:`skl2onnx` API assuming this ONNX graph implements an ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`amax ` | | See :func:`numpy.amax`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`amin ` | | See :func:`numpy.amin`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`analyse_einsum_equation ` | | Analyses an einsum equation. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`analyze_model ` | | Returns informations, statistics about a model, its number of nodes, its size... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`annotate_heatmap ` | | Annotates a heatmap. See :func:`plot_benchmark_metrics` for an example. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`apply_einsum_sequence ` | | Applies a sequence of operations on a list of inputs. The sequence of operations is produced by function :func:`decompose_einsum_equation`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`arange ` | | See :func:`numpy.arange`, *start*, *stop* must be specified. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`argmax ` | | See :func:`numpy.argmax`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`argmax_use_numpy_select_last_index ` | | Needed or operator `ArgMax`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`argmin ` | | See :func:`numpy.argmin`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`argmin_use_numpy_select_last_index ` | | Needed or operator `ArgMin`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`array_feature_extrator ` | | Implementation of operator *ArrayFeatureExtractor* with :epkg:`numpy`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`asin ` | | See :func:`numpy.asin`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`asinh ` | | See :func:`numpy.asinh`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`assert_almost_equal_string ` | | Compares two arrays knowing they contain strings. Raises an exception if the test fails. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`astype_range ` | | Computes ranges for every number in an array once converted into *float32*. The function returns two matrices which ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`asv2csv ` | | Converts results produced by :epkg:`asv` into :epkg:`csv`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`asv_bench ` | | Creates an :epkg:`asv` benchmark in a folder but does not run it. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`atan ` | | See :func:`numpy.atan`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`atanh ` | | See :func:`numpy.atanh`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`benchmark_doc ` | | Runs the benchmark published into the documentation (see :ref:`l-onnx-bench-onnxruntime1` and :ref:`l-onnx-bench-python_compiled`). ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`benchmark_fct ` | | Benchmarks a function which takes an array as an input and changes the number of rows. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`benchmark_replay ` | | The command rerun a benchmark if models were stored by command line `vaidate_runtime`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`binary_array_to_string ` | | Used to compare decision path. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`build_custom_scenarios ` | | Defines parameters values for some operators. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`build_custom_scenarios ` | | Defines parameters values for some operators. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`build_key_split ` | | Used for documentation. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`cache_folder ` | | Returns this folder. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`calculate_lightgbm_output_shapes ` | | Shape calculator for LightGBM Booster (see :epkg:`lightgbm`). | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`ceil ` | | See :func:`numpy.ceil`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`change_input_first_dimension ` | | Some models are converted under the assumption batch prediction is not necessary. This function changes the first ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`change_input_type ` | | Changes the type of an input. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`change_style ` | | Switches from *AaBb* into *aa_bb*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`change_style ` | | Switches from *AaBb* into *aa_bb*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`change_style ` | | Switches from *AaBb* into *aa_bb*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`change_subgraph_io_type_shape ` | | Changes the type of an input or an output of a subgraph. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`check ` | | Checks the library is working. It raises an exception. If you want to disable the logs: | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`check_attribute ` | | NB: This is a generic "attribute well-formedness" check, it doesn't actually test if an attribute is valid per a schema. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`check_is_almost_equal ` | | Checks that two floats or two arrays are almost equal. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`check_is_experimental_op ` | | Tells if an operator is experimentation. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`check_model ` | | Checks a model is consistent with ONNX language. The function fails if the model is not consistent. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`check_model_representation ` | | Checks that a trained model can be exported in a specific list of formats and produces the same outputs if the representation ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`check_onnx ` | | Checks consistency of the model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`check_type ` | | Raises an exception if the model is not of the expected type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`classifier ` | | Returns any classifier from :epkg:`scikit-learn` converted into ONNX assuming a converter is registered with :epkg:`sklearn-onnx`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`clean_error_msg ` | | Removes EOL from error messages in dataframes. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`clip ` | | See :func:`numpy.clip`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`cluster ` | | Returns any cluster from :epkg:`scikit-learn` converted into ONNX assuming a converter is registered with :epkg:`sklearn-onnx`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`col2im_indices ` | | Source `im2col.py `_. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`col2im_nchw ` | | C implementation of a partial col2im. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`common_reference_implementation ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compare_backend ` | | The function compares the expected output (computed with the model before being converted to ONNX) and the ONNX output. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compare_outputs ` | | Compares expected values and output. Returns None if no error, an exception message otherwise. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compare_runtime ` | | The function compares the expected output (computed with the model before being converted to ONNX) and the ONNX output ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compare_runtime ` | | The function compares the expected output (computed with the model before being converted to ONNX) and the ONNX output ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compare_runtime_session ` | | The function compares the expected output (computed with the model before being converted to ONNX) and the ONNX output ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compile_c_function ` | | Compiles a C function with :epkg:`cffi`. It takes one features vector. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compose_page_onnxrt_ops ` | | Writes page :ref:`l-onnx-runtime-operators`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compress ` | | See :func:`numpy.compress`. `numpy.compress(condition, x)` or `npnx.compress(x, condition)`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compress_proto ` | | Compresses a :epkg:`ModelProto`, :epkg:`FunctionProto`, :epkg:`GraphProto`. The function detects nodes outputting ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compute_benchmark ` | | Compares the processing time several functions. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`compute_transposition_features ` | | Given a shape and a permutation, computes many features used to predict the cost of the transposition. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`concat ` | | Operator concat, handle :func:`numpy.vstack` and :func:`numpy.hstack`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`convert_lightgbm ` | | This converters reuses the code from `LightGbm.py `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`convert_model ` | | Runs the appropriate conversion method. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`convert_score_cdist_sum ` | | Converts function :func:`score_cdist_sum` into :epkg:`ONNX`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`convert_scorer ` | | Converts a scorer into :epkg:`ONNX` assuming there exists a converter associated to it. The function wraps the function ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`convert_transfer_transformer ` | | Converters for :epkg:`TransferTransformer`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`convert_validate ` | | Converts a model stored in *pkl* file and measure the differences between the model and the ONNX predictions. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`convert_xgboost ` | | This converters reuses the code from `XGBoost.py `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`converter_lightgbm_concat ` | | Converter for operator *LightGBMConcat*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`copy_value_info ` | | Makes a copy of `onnx.ValueInfoProto`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`cos ` | | See :func:`numpy.cos`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`cosh ` | | See :func:`numpy.cosh`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`create_asv_benchmark ` | | Creates an :epkg:`asv` benchmark in a folder but does not run it. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`create_tensor ` | | Creates a tensor. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`cst ` | | Creates a constant. `log(x) + numpy.float32(1)` works but `numpy.float32(32) + log(x)` fails because Python calls ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`cumsum ` | | See :func:`numpy.cumsum`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`custom_einsum ` | | Experimental implementation of operator Einsum when it does a matrix multiplication. Case: ``bsnh,btnh->bnts`` with ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`custom_pad ` | | Implements function `pad `_ in python, only ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`custom_scorer_transform_converter ` | | Selects the appropriate converter for a @see cl CustomScorerTransform. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`custom_scorer_transform_parser ` | | This function updates the inputs and the outputs for a @see cl CustomScorerTransform. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`custom_scorer_transform_shape_calculator ` | | Computes the output shapes for a @see cl CustomScorerTransform. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`debug_dump ` | | Dumps an object for debug purpose. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`debug_onnx_object ` | | ``__dict__`` is not in most of :epkg:`onnx` objects. This function uses function *dir* to explore this object. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`debug_print ` | | Displays informations on an object. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`decompose_einsum_equation ` | | Decomposes an equation used in :epkg:`numpy:einsum` knowing the input shapes. It returns a sequence of operations ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`default_time_kwargs ` | | Returns default values *number* and *repeat* to measure the execution of a function. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`det ` | | See :func:`numpy.linalg:det`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`device_to_providers ` | | Returns the corresponding providers for a specific device. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dgemm_dot ` | | dgemm_dot(double[:, | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`display_onnx ` | | Returns a shortened string of the model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dot ` | | See :func:`numpy.dot` | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`download_model_data ` | | Downloads a model and returns a link to the local :epkg:`ONNX` file and data which can be used as inputs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dtype_name ` | | Returns the name of a numpy dtype. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_binary_classification ` | | Trains and dumps a model for a binary classification problem. The function trains a model and calls :func:`dump_data_and_model`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_booster_model ` | | Dumps Booster to JSON format. Parameters ---------- self: booster num_iteration : int or None, optional ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_data_and_model ` | | Saves data with pickle, saves the model with pickle and *onnx*, runs and saves the predictions for the given model. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_into_folder ` | | Dumps information when an error was detected using :epkg:`*py:pickle`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_lgbm_booster ` | | Dumps a Lightgbm booster into JSON. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_multilabel_classification ` | | Trains and dumps a model for a binary classification problem. The function trains a model and calls :func:`dump_data_and_model`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_multiple_classification ` | | Trains and dumps a model for a binary classification problem. The function trains a model and calls :func:`dump_data_and_model`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_multiple_regression ` | | Trains and dumps a model for a multi regression problem. The function trains a model and calls :func:`dump_data_and_model`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_one_class_classification ` | | Trains and dumps a model for a One Class outlier problem. The function trains a model and calls :func:`dump_data_and_model`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dump_single_regression ` | | Trains and dumps a model for a regression problem. The function trains a model and calls :func:`dump_data_and_model`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`dynamic_doc ` | | Generates the documentation for ONNX operators. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`einsum ` | | See :func:`numpy.einsum`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`einsum ` | | Proposes a new implementation of :epkg:`numpy:einsum`. It does not allow expresion using `...` and expects a right ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`einsum_benchmark ` | | Investigates whether or not the decomposing einsum is faster. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`einsum_test ` | | Investigates whether or not the decomposing einsum is faster. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`empty_shape_calculator ` | | Does nothing. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`ensure_topological_order ` | | Ensures and modifies the order of nodes to have a topological order (every node in the list can only be an input ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_benchmark_replay ` | | Replays a benchmark stored with function :func:`enumerate_validated_operator_opsets ` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_cached_einsum ` | | Enumerates all cached einsum function. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_compatible_opset ` | | Lists all compatible opsets for a specific model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_export_asv_json ` | | Looks into :epkg:`asv` results and wraps all of them into a :epkg:`dataframe` or flat data. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_fitted_arrays ` | | Enumerate all fitted arrays included in a :epkg:`scikit-learn` object. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_model_node_outputs ` | | Enumerates all the nodes of a model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_models ` | | Enumerates models with models. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_onnx_names ` | | Enumerates all existing names in one ONNX graph (:epkg:`ModelProto`, :epkg:`FunctionProto`, :epkg:`GraphProto`). ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_onnx_nodes ` | | Enumerates all nodes in one ONNX graph (:epkg:`ModelProto`, :epkg:`FunctionProto`, :epkg:`GraphProto`). The function ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_onnx_tests ` | | Collects test from a sub folder of `onnx/backend/test`. Works as an enumerator to start processing them without ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_pipeline_models ` | | Enumerates all the models within a pipeline. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_random_inputs ` | | Enumerates random matrices. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_validated_operator_opsets ` | | Tests all possible configurations for all possible operators and returns the results. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`enumerate_visual_onnx_representation_into_rst ` | | Returns content for pages such as :ref:`l-skl2onnx-linear_model`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`erf ` | | See :epkg:`scipy:special:erf`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`evaluate_condition ` | | Evaluates a condition such as ``StrictVersion(onnxruntime.__version__) <= StrictVersion('0.1.3')`` | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`exp ` | | See :func:`numpy.exp`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`expand_dims ` | | See :func:`numpy.expand_dims`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`expand_onnx_options ` | | Expands shortened options. Long names hide some part of graphs in :epkg:`asv` benchmark. This trick converts a string ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`expit ` | | See :epkg:`scipy:special:expit`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`export2cpp ` | | Exports an ONNX model to the :epkg:`c` syntax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`export2numpy ` | | Exports an ONNX model to the :epkg:`numpy` syntax. The exports does not work with all operators. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`export2onnx ` | | Exports an ONNX model to the :epkg:`onnx` syntax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`export2python ` | | Exports an ONNX model to the *python* syntax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`export2tf2onnx ` | | Exports an ONNX model to the :epkg:`tensorflow-onnx` syntax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`export2xop ` | | Exports an ONNX model to the XOP syntax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`export_asv_json ` | | Looks into :epkg:`asv` results and wraps all of them into a :epkg:`dataframe` or flat data. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`export_template ` | | Exports an ONNX model to the onnx syntax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`extract_information_from_filename ` | | Returns a dictionary with information extracted from a filename. An example is better: | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`extract_options ` | | Extracts comparison option from filename. As example, ``Binarizer-SkipDim1`` means options *SkipDim1* is enabled. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`filter_rows ` | | Used for documentation. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`find_missing_sklearn_imports ` | | Finds in :epkg:`scikit-learn` the missing pieces. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`find_node_input_name ` | | Finds a node input by its name. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`find_node_name ` | | Finds a node by its name. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`find_sklearn_module ` | | Finds the corresponding modulee for an element of :epkg:`scikit-learn`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`find_suitable_problem ` | | Defines suitables problems for additional converters. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`find_suitable_problem ` | | Determines problems suitable for a given :epkg:`scikit-learn` operator. It may be | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`fit_classification_model ` | | Fits a classification model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`fit_classification_model_simple ` | | Fits a classification model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`fit_multilabel_classification_model ` | | Fits a classification model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`fit_regression_model ` | | Fits a regression model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`fix_missing_imports ` | | The execution of a file through function :epkg:`exec` does not import new modules. They must be there when it is ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`floor ` | | See :func:`numpy.floor`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`from_array ` | | Converts an array into an ONNX tensor. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`from_bytes ` | | Retrieves an array from bytes then protobuf. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`from_pb ` | | Extracts tensor description from a protobuf. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`gather_numpy ` | | Gathers values along an axis specified by dim. For a 3-D tensor the output is specified by: | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`gather_numpy_2 ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`gemm_dot ` | | Implements dot product with gemm when possible. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_args_kwargs ` | | Extracts arguments and optional parameters of a function. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_column_index ` | | Returns a tuples (variable index, column index in that variable). The function has two different behaviours, one when ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_column_indices ` | | Returns the requested graph inpudes based on their indices or names. See :func:`get_column_index`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_cpp_template ` | | Template to export :epkg:`ONNX` into a C++ code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_default_context ` | | Returns a default context useful for most of the conversion from a function using :epkg:`numpy` into :epkg:`ONNX`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_default_context_cpl ` | | Returns a default useful context to compile the converter returned by :func:`translate_fct2onnx`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_defined_inputs ` | | Retrieves defined inputs in already declared variables bsed on their names. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_defined_outputs ` | | Gets types of predefined outputs when they cannot be inferred. Some part of it should be automated based on type ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_domain_list ` | | Returns the list of available domains. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_dtype_shape ` | | Returns the shape of a tensor. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_hidden_inputs ` | | Returns the list of hidden inputs used by subgraphs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_hidden_inputs ` | | Returns the list of hidden inputs used by subgraphs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_im2col_indices ` | | Source `im2col.py `_. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_inputs_from_data ` | | Produces input data for *onnx* runtime. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_ir_version ` | | Returns the corresponding `IR_VERSION` based on the selected opset. See :epkg:`ONNX Version`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_max_value ` | | Returns the maximum value for a specific type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_numpy_template ` | | Template to export :epkg:`ONNX` into :epkg:`numpy` code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_onnx_example ` | | Retrieves examples associated to one operator stored in onnx packages. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_onnx_schema ` | | Returns the operator schema for a specific operator. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_onnx_template ` | | Template to export :epkg:`ONNX` into :epkg:`onnx` code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_operator_schemas ` | | Returns all schemas mapped to an operator name. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_opsets ` | | Enumerates all opsets used in a model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_ort_device ` | | Converts device into :epkg:`C_OrtDevice`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_python_template ` | | Template to export :epkg:`ONNX` into a python code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_rst_doc ` | | Returns a documentation in RST format for all :class:`OnnxOperator`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_rst_doc ` | | Returns a documentation in RST format for all :epkg:`OnnxOperator`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_sklearn_json_params ` | | Retrieves all the parameters of a :epkg:`scikit-learn` model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_tensor_elem_type ` | | Returns the element type if that makes sense for this object. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_tensor_elem_type ` | | Returns the element type if that makes sense for this object. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_tensor_shape ` | | Returns the shape if that makes sense for this object. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_tensor_shape ` | | Returns the shape if that makes sense for this object. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_tf2onnx_template ` | | Template to export :epkg:`ONNX` into :epkg:`tensorflow-onnx` code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`get_xop_template ` | | Template to export :epkg:`ONNX` into a code based on XOP API. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`graph_predecessors_and_successors ` | | Returns the successors and the predecessors within on ONNX graph. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_dtype ` | | Converts a proto type into a :epkg:`numpy` type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_initial_types ` | | Guesses initial types from an array or a dataframe. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_numpy_type ` | | Guesses the corresponding numpy type based on data_type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_numpy_type_from_dtype ` | | Converts a string (such as `'dtype(float32)'`) into a numpy dtype. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_numpy_type_from_string ` | | Converts a string (such as `'float'`) into a numpy dtype. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_proto_dtype ` | | Guesses the ONNX dtype given a numpy dtype. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_proto_dtype_name ` | | Returns a string equivalent to `onnx_dtype`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_schema_from_data ` | | Guesses initial types from a dataset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`guess_schema_from_model ` | | Guesses initial types from a model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`hash_onnx_object ` | | Hashes the content of an object. It uses module :mod:`hashlib`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`heatmap ` | | Creates a heatmap from a numpy array and two lists of labels. See :func:`plot_benchmark_metrics` for an example. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`hstack ` | | See :func:`numpy.hstack`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`identify_interpreter ` | | Identifies the interpreter for a *scikit-learn* model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`identity ` | | Identity. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`im2col ` | | Returns the result of `im2col` on a image `NHCW` where N is 1. The function is equivalent to :func:`torch.nn.Unfold` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`im2col_indices ` | | Source `im2col.py `_. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`im2col_infer_output_shape ` | | Computes the ouput shape of im2col. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`im2col_naive_implementation ` | | Naive implementation for `im2col` or :func:`torch.nn.Unfold` (but with `padding=1`). | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`im2col_nchw ` | | C implementation of a partial im2col. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`im2col_nn ` | | Functions :func:`nn_im2col_2d` and :func:`im2col` returns the same results but with different shapes. This function ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`im2col_recursive ` | | Recursive implementation, falls back to :func:`im2col_naive_implementation` for dimension `<= fall_back_dim`. The ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`insert_node ` | | Inserts a node before one node input. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`insert_results_into_onnx ` | | Inserts results into an ONNX graph to produce an extended ONNX graph. It can be saved and looked into with a tool such ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`inspect_sklearn_model ` | | Inspects a :epkg:`scikit-learn` model and produces some figures which tries to represent the complexity of it. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`interpret_options_from_string ` | | Converts a string into a dictionary. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`iris_data ` | | Returns ``(X, y)`` for iris data. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`is_backend_enabled ` | | Tells if a backend is enabled. Raises an exception if backend != 'onnxruntime'. Unit tests only test models against ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`is_last_schema ` | | Tells if this is the most recent schema for this operator. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`is_numpy_dtype ` | | Tells if a dtype is a numpy dtype. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`is_transpose_identity ` | | Tells if the permutation *perm* does nothing (itentity). | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`isnan ` | | See :func:`numpy.isnan`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`latency ` | | Measures the latency of a model (python API). | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`latency ` | | Measures the latency of a model (python API). | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`lightgbm_parser ` | | Agnostic parser for LightGBM Booster. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`linear_regression ` | | Returns a linear regression converted into ONNX. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`load_audit ` | | Use to test conversion of :epkg:`sklearn:ensemble:GradientBoostingClassifier` into :epkg:`ONNX`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`load_data ` | | Restores protobuf data stored in a folder. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`load_data_and_model ` | | Loads every file in a dictionary {key: filename}. The extension is either *pkl* and *onnx* and determines how it ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`load_ipython_extension ` | | To allow the call ``%load_ext mlprodict`` | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`load_op ` | | Sets up a class for a specific ONNX operator. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`load_op ` | | Gets the operator related to the *onnx* node. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`load_op ` | | Gets the operator related to the *onnx* node. This runtime does nothing and never complains. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`load_op ` | | Gets the operator related to the *onnx* node. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`loadop ` | | Dynamically creates a class for a every operator type in the given list. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`log ` | | See :func:`numpy.log`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`log1p ` | | See :func:`numpy.log1p`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`logistic_regression ` | | Returns a logistic regression converted into ONNX, option *zipmap* is set to false. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`main ` | | Implements ``python -m mlprodict ``. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_callable ` | | Creates a callable function able to cope with default values as the combination of functions *compile* and *exec* ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_hash_bytes ` | | Creates a hash of length *length*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_n_rows ` | | Multiplies or reduces the rows of x to get exactly *n* rows. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_name ` | | Creates a unique name. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_numpy_code ` | | Converts an ONNX operators into :epkg:`numpy` code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_readable_title ` | | Creates a readable title based on the test information. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_slice ` | | Implements operator slice in numpy. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_sure ` | | Raises an exception if cond is not verified. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_tf2onnx_code ` | | Converts an ONNX operators into :epkg:`tf2onnx` code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`make_value_info ` | | Converts a variable defined by its name, type and shape into `onnx.ValueInfoProto`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`map_onnx_to_numpy_type ` | | Converts ONNX type into numpy type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`matmul ` | | See :func:`numpy.matmul`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`max_depth ` | | Retrieves the max depth assuming the estimator is a decision tree. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`max_supported_opset ` | | Returns the latest supported opset for the main domain. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`mean ` | | See :func:`numpy.mean`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`measure_relative_difference ` | | Measures the relative difference between predictions between two ways of computing them. The functions returns nan ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`measure_time ` | | Measures a statement and returns the results as a dictionary. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`merge_benchmark ` | | Merges several benchmarks run with command line :ref:`validate_runtime `. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`merge_results ` | | Merges results by name. The first ones are used to keep the order. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`modify_tree_for_rule_in_set ` | | LightGBM produces sometimes a tree with a node set to use rule ``==`` to a set of values (= in set), the values ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`modules_list ` | | Returns modules and versions currently used. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_array ` | | Creates a new empty array. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_calculate_sklearn_function_transformer_output_shapes ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support custom functions implemented with :ref:`l-numpy-onnxpy`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_decision_tree_classifier ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support an operator supporting doubles. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_decision_tree_regressor ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support an operator supporting doubles. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_function_transformer ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support custom functions implemented with :ref:`l-numpy-onnxpy`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_gradient_boosting_classifier ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support an operator supporting doubles. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_gradient_boosting_regressor ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support an operator supporting doubles. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_random_forest_classifier ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support an operator supporting doubles. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_random_forest_regressor ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support an operator supporting doubles. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_svm_classifier ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support an operator supporting doubles. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`new_convert_sklearn_svm_regressor ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support an operator supporting doubles. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`nn_col2im_2d ` | | C++ implementation for `col2im` or :func:`torch.nn.Fold`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`nn_im2col_2d ` | | C++ implementation for `im2col` or :func:`torch.nn.Unfold`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_diagonal ` | | Extracts diagonal coefficients from an array. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_dot_inplace ` | | Implements a dot product, deals with inplace information. See :epkg:`numpy:dot`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_extended_dot ` | | Extended version of a matrix multiplication (:epkg:`numpy:dot`) with two matrices *m1*, *m2* of the same dimensions. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_extended_dot_matrix ` | | Implementation of :func:`numpy_extended_dot` using dot product, multiplication, transpose and reduction but not ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_extended_dot_ouput_shape ` | | Computes the output shape of results produced by function :func:`numpy_extended_dot ` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_extended_dot_python ` | | Implementation of :func:`numpy_extended_dot` in pure python. This implementation is not efficient but shows how to ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_matmul_inplace ` | | Implements a matmul product, deals with inplace information. See :epkg:`numpy:matmul`. Inplace computation does ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_max ` | | Returns the maximum of an array. Deals with text as well. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_max ` | | Returns the maximum of an array. Deals with text as well. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_min ` | | Returns the minimum of an array. Deals with text as well. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_min ` | | Returns the maximum of an array. Deals with text as well. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_min_max ` | | Returns the minimum of an array. Deals with text as well. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_type_prototype ` | | Converts a numpy dtyp into a TensorProto dtype. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`numpy_type_prototype ` | | Converts a numpy dtyp into a TensorProto dtype. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx2bigraph ` | | Converts an ONNX graph into a graph representation, edges, vertices. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_code ` | | Exports an ONNX graph into a python code creating the same graph. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_documentation_folder ` | | Creates documentation in a folder for all known ONNX operators or a subset. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_function_to_model ` | | Converts an ONNX FunctionProto into a ModelProto. The function does not handle attributes yet. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_graph_distance ` | | Computes a distance between two ONNX graphs. They must not be too big otherwise this function might take for ever. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_if ` | | Implements a test with onnx syntax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_inline_function ` | | Inlines functions in an ONNX graph. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_model_opsets ` | | Extracts opsets in a dictionary. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_model_to_function ` | | Converts an ONNX model into a function. The returned function has no attribute. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_optim ` | | Optimizes an ONNX model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_optimisations ` | | Calls several possible optimisations including :func:`onnx_remove_node`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_pad ` | | Implements :epkg:`numpy:pad` based on ONNX signature. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_remove_node ` | | Removes as many nodes as possible without changing the outcome. It applies :func:`onnx_remove_node_unused`, :func:`onnx_remove_node_identity`, ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_remove_node_identity ` | | Removes as many *Identity* nodes as possible. The function looks into every node and subgraphs if *recursive* is ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_remove_node_redundant ` | | Removes redundant part of the graph. A redundant part is a set of nodes which takes the same inputs and produces ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_remove_node_unused ` | | Removes unused nodes of the graph. An unused node is not involved in the output computation. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_rename_inputs_outputs ` | | Renames input or outputs names. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_rename_names ` | | Renames all names except the inputs and outputs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_replace_functions ` | | Replaces some of the function in model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_shaker ` | | Shakes a model :epkg:`ONNX`. Explores the ranges for every prediction. Uses :func:`astype_range` | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_simple_text_plot ` | | Displays an ONNX graph into text. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_statistics ` | | Computes statistics on :epkg:`ONNX` models, extracts informations about the model such as the number of nodes. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_stats ` | | Computes statistics on an ONNX model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_subgraphs_level ` | | Returns the depth of the graph. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_text_plot ` | | Uses :func:`onnx2bigraph` to convert the ONNX graph into text. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_text_plot_io ` | | Displays information about input and output types. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnx_text_plot_tree ` | | Gives a textual representation of a tree ensemble. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxnumpy ` | | Decorator to declare a function implemented using :epkg:`numpy` syntax but executed with :epkg:`ONNX` operators. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxnumpy_default ` | | Decorator with options to declare a function implemented using :epkg:`numpy` syntax but executed with :epkg:`ONNX` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxnumpy_np ` | | Decorator to declare a function implemented using :epkg:`numpy` syntax but executed with :epkg:`ONNX` operators. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxsklearn_class ` | | Decorator to declare a converter for a class derivated from :epkg:`scikit-learn`, implementing inference method ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxsklearn_classifier ` | | Decorator to declare a converter for a classifier implemented using :epkg:`numpy` syntax but executed with :epkg:`ONNX` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxsklearn_cluster ` | | Decorator to declare a converter for a cluster implemented using :epkg:`numpy` syntax but executed with :epkg:`ONNX` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxsklearn_regressor ` | | Decorator to declare a converter for a regressor implemented using :epkg:`numpy` syntax but executed with :epkg:`ONNX` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxsklearn_transformer ` | | Decorator to declare a converter for a transformer implemented using :epkg:`numpy` syntax but executed with :epkg:`ONNX` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`onnxview ` | | Displays an :epkg:`ONNX` graph into a notebook. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`optimize_decompose_einsum_equation ` | | Proposes a new implementation of :epkg:`numpy:einsum`. It does not allow expresion using `...` and expects a right ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`ort_version_greater ` | | Tells if onnxruntime version is greater than *ver*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`overwrite_opset ` | | Overwrites the main opset in an ONNX file. Does not change any node definition. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`pad ` | | It does not implement :func:`numpy.pad` but the ONNX version :func:`onnx_pad `. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`pairwise_array_distances ` | | Computes pairwise distances between two lists of arrays *l1* and *l2*. The distance is 1e9 if shapes are not equal. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`parser_transfer_transformer ` | | Parser for :epkg:`TransferTransformer`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`plot_benchmark_metrics ` | | Plots a heatmap which represents a benchmark. See example below. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`plot_onnx ` | | Plots an ONNX graph on the standard output. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`plot_onnx ` | | Plots an ONNX graph into a :epkg:`matplotlib` graph. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`plot_validate_benchmark ` | | Plots a graph which summarizes the performances of a benchmark validating a runtime for :epkg:`ONNX`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`predict_transposition_cost ` | | Given a shape and a permutation, predicts the cost of the transposition. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`prepare_c_profiling ` | | Prepares model and data to be profiled with tool `perftest `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`print_code ` | | Returns the code with line number. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`prod ` | | See :func:`numpy.prod`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`proto2dtype ` | | Converts a proto type into a :epkg:`numpy` type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`proto2vars ` | | Converts proto values to Variables. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`py_make_float_array ` | | Creates an array with a single element from a constant. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`py_mul ` | | Function for python operator ``*``. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`py_opp ` | | Function for python unary operator ``-``. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`py_pow ` | | Function for python operator ``**``. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`pycelu ` | | Computes function ``celu(x)``. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`pygemm ` | | Pure python implementatin of GEMM. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`random_feed ` | | Creates a dictionary of random inputs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`reciprocal ` | | See :func:`numpy.reciprocal`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`register_converters ` | | This functions registers additional converters to the list of converters :epkg:`sklearn-onnx` declares. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`register_new_operators ` | | Registers new operator relying on pieces implemented in this package such as the numpy API for ONNX. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`register_onnx_magics ` | | Register magics function, can be called from a notebook. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`register_operator ` | | Registers a new runtime operator. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`register_rewritten_operators ` | | Registers modified operators and returns the old values. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`register_scorers ` | | Registers operators for @see cl CustomScorerTransform. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`regressor ` | | Returns any regressor from :epkg:`scikit-learn` converted into ONNX assuming a converter is registered with :epkg:`sklearn-onnx`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`relu ` | | relu | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`reorder_nodes_for_display ` | | Reorders the node with breadth first seach (BFS). | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`reshape_reference_implementation ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`restore_lgbm_info ` | | Restores speed up information to help modifying the structure of the tree. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`round ` | | See :func:`numpy.round`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`scatter_elements ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`score_cdist_sum ` | | Computes the sum of pairwise distances between *expected_values* and *predictions*. It has no particular purpose ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`select_attribute ` | | Returns the list of the same attribute. `[el.att for el in ens]`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`select_model_inputs_outputs ` | | Takes a model and changes its outputs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`set_n_jobs ` | | Looks into model signature and add parameter *n_jobs* if available. The function does not overwrite the parameter. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`set_random_state ` | | Sets all possible parameter *random_state* to 0. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`setup ` | | Sphinx extension `mlprodict.npy.xop_sphinx` displays documentation on ONN Operators. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sgemm_dot ` | | sgemm_dot(float[:, | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_abs ` | | Infers shape for operator Abs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_acos ` | | Infers shape for operator Acos. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_acosh ` | | Infers shape for operator Acosh. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_add ` | | Infers shape for operator Add. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_and ` | | Infers shape for operator And. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_asin ` | | Infers shape for operator Asin. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_asinh ` | | Infers shape for operator Asinh. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_atan ` | | Infers shape for operator Atan. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_atanh ` | | Infers shape for operator Atanh. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_calculator_lightgbm_concat ` | | Shape calculator for operator *LightGBMConcat*. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_calculator_transfer_transformer ` | | Shape calculator for :epkg:`TransferTransformer`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_castlike ` | | Infers shape for operator CastLike. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_ceil ` | | Infers shape for operator Ceil. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_celu ` | | Infers shape for operator Celu. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_clip ` | | Infers shape for operator Clip. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_cos ` | | Infers shape for operator Cos. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_cosh ` | | Infers shape for operator Cosh. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_det ` | | Infers shape for operator Abs. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_dispatch ` | | Calls the corresponding fucntion for every node. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_div ` | | Infers shape for operator Div. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_elu ` | | Infers shape for operator Elu. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_equal ` | | Infers shape for operator Equal. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_erf ` | | Infers shape for operator Erf. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_exp ` | | Infers shape for operator Exp. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_floor ` | | Infers shape for operator Floor. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_greater ` | | Infers shape for operator Greater. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_greaterorequal ` | | Infers shape for operator GreaterOrEqual. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_hardmax ` | | Infers shape for operator Hardmax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_hardsigmoid ` | | Infers shape for operator HardSigmoid. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_identity ` | | Infers shape for operator Identity. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_isinf ` | | Infers shape for operator IsInf. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_isnan ` | | Infers shape for operator IsNan. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_leakyrelu ` | | Infers shape for operator LeakyRelu. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_less ` | | Infers shape for operator Less. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_lessorequal ` | | Infers shape for operator LessOrEqual. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_log ` | | Infers shape for operator Log. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_logsoftmax ` | | Infers shape for operator LogSoftmax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_max ` | | Infers shape for operator Max. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_min ` | | Infers shape for operator Min. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_mod ` | | Infers shape for operator Mod. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_mul ` | | Infers shape for operator Mul. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_neg ` | | Infers shape for operator Neg. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_not ` | | Infers shape for operator Not. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_or ` | | Infers shape for operator Or. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_pow ` | | Infers shape for operator Pow. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_reciprocal ` | | Infers shape for operator Reciprocal. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_relu ` | | Infers shape for operator Relu. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_round ` | | Infers shape for operator Round. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_selu ` | | Infers shape for operator Selu. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_shrink ` | | Infers shape for operator Shrink. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_sigmoid ` | | Infers shape for operator Sigmoid. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_sign ` | | Infers shape for operator Sigmoid. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_sin ` | | Infers shape for operator Sin. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_sinh ` | | Infers shape for operator Sinh. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_softmax ` | | Infers shape for operator Softmax. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_softplus ` | | Infers shape for operator Softplus. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_softsign ` | | Infers shape for operator Softsign. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_sqrt ` | | Infers shape for operator Sqrt. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_sub ` | | Infers shape for operator Sub. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_tan ` | | Infers shape for operator Tan. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_tanh ` | | Infers shape for operator Tanh. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_thresholdedrelu ` | | Infers shape for operator ThresholdedRelu. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_trilu ` | | Infers shape for operator Trilu. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shape_xor ` | | Infers shape for operator Xor. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`short_list_zoo_models ` | | Returns a short list from :epkg:`ONNX Zoo`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`shorten_onnx_options ` | | Shortens onnx options into a string. Long names hide some part of graphs in :epkg:`asv` benchmark. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`side_by_side_by_values ` | | Compares the execution of two sessions. It calls method :meth:`OnnxInference.run ` ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sigmoid ` | | See :epkg:`scipy:special:expit`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sign ` | | See :func:`numpy.sign`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sin ` | | See :func:`numpy.sin`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`single_axes ` | | *axes* contains positive values, then it is the position of this axis in the original matrix, otherwise it is -1 ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sinh ` | | See :func:`numpy.sinh`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sizeof_dtype ` | | | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sklearn2graph ` | | Converts any kind of *scikit-learn* model into a *grammar* model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sklearn_decision_tree_regressor ` | | Converts a `DecisionTreeRegressor `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sklearn_linear_regression ` | | Converts a `linear regression `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sklearn_logistic_regression ` | | Interprets a `logistic regression `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sklearn_operators ` | | Builds the list of operators from :epkg:`scikit-learn`. The function goes through the list of submodule and get ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sklearn_standard_scaler ` | | Converts a `standard scaler `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`softmaxcrossentropy ` | | Modified version of `softmaxcrossentropy.py `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`split_columns_subsets ` | | Functions used in the documentation to split a dataframe by columns into multiple dataframe to reduce the scrolling. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sqrt ` | | See :func:`numpy.sqrt`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`squareform_pdist ` | | Replacements for `squareform `_ ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`squeeze ` | | See :func:`numpy.squeeze`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`sum ` | | See :func:`numpy.sum`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`summary_report ` | | Finalizes the results computed by function :func:`enumerate_validated_operator_opsets`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`tan ` | | See :func:`numpy.tan`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`tanh ` | | See :func:`numpy.tanh`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`test_qlinear_conv ` | | Checks a runtime for operator `QLinearConv`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`timeexec ` | | Measures the time for a given expression. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`timeit_repeat ` | | Returns a series of *repeat* time measures for *number* executions of *code* assuming *fct* is a function. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`to_bytes ` | | Converts an array into protobuf and then into bytes. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`to_onnx ` | | Converts a model using on :epkg:`sklearn-onnx`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`to_onnx_function ` | | Converts a model using on :epkg:`sklearn-onnx`. The functions works as the same as function :func:`to_onnx` but ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`to_skl2onnx_type ` | | Converts *name*, *elem_type*, *shape* into a :epkg:`sklearn-onnx` type. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`topk ` | | See :func:`numpy.argsort`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`topk_sorted_implementation ` | | Retrieves the top-k elements. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`topk_sorted_implementation_cpp ` | | Retrieves the top-k elements using a C++ implementation when the axis is the last dimension, otherwise, it falls ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`transformer ` | | Returns any transformer from :epkg:`scikit-learn` converted into ONNX assuming a converter is registered with :epkg:`sklearn-onnx`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`transformer_target_regressor_converter ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support custom functions implemented with :ref:`l-numpy-onnxpy`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`transformer_target_regressor_shape_calculator ` | | Rewrites the converters implemented in :epkg:`sklearn-onnx` to support custom functions implemented with :ref:`l-numpy-onnxpy`. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`translate_fct2onnx ` | | Translates a function into :epkg:`ONNX`. The code it produces is using classes *OnnxAbs*, *OnnxAdd*, ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`transpose ` | | See :func:`numpy.transpose`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`type_mapping ` | | Mapping between types name and type integer value. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`unsqueeze ` | | See :func:`numpy.expand_dims`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`update_registered_converter_npy ` | | Registers or updates a converter for a new model so that it can be converted when inserted in a *scikit-learn* pipeline. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`validate_python_inference ` | | Validates the code produced by method :meth:`to_python `. ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`validate_runtime ` | | Walks through most of :epkg:`scikit-learn` operators or model or predictor or transformer, tries to convert them ... | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`verify_code ` | | Verifies :epkg:`python` code. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`verify_model ` | | Verifies a model. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`verify_script ` | | Checks that models fitted in an example from :epkg:`scikit-learn` documentation can be converted into :epkg:`ONNX`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`version2number ` | | Converts a version number into a real number. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`visual_rst_template ` | | Returns a :epkg:`jinja2` template to display DOT graph for each converter from :epkg:`sklearn-onnx`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`vstack ` | | See :func:`numpy.vstack`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+ | :func:`where ` | | See :func:`numpy.where`. | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+