├── .github ├── FUNDING.yml └── workflows │ └── ci_pipeline.yml ├── .gitignore ├── CHANGELOG.md ├── CNAME ├── LICENSE ├── README.md ├── _config.yml ├── analysis_options.yaml ├── benchmark ├── cross_validator.dart ├── data │ └── sample_data.json ├── decision_tree_classifier.dart ├── inverse_logit_link_function.dart ├── kd_tree │ ├── kd_tree_building.dart │ └── kd_tree_querying.dart ├── knn_regressor.dart ├── knn_solver.dart ├── lasso_regressor.dart ├── linear_regressor.dart ├── linear_regressor_gradient_descent.dart ├── logistic_regressor_gradient.dart ├── main.dart ├── random_binary_projection_searcher │ ├── searcher_building.dart │ └── searcher_querying.dart └── sgd_regressor.dart ├── e2e ├── _datasets │ ├── advertising.csv │ └── housing.csv ├── decision_tree_classifier │ ├── decision_tree_classifier_save_as_svg_test.dart │ ├── decision_tree_classifier_serialization_test.dart │ ├── decision_tree_classifier_test.dart │ ├── decision_tree_classifier_v1.json │ ├── iris_tree.svg │ └── pima_indians_tree.svg ├── kd_tree │ ├── kd_tree_float_32_v1.json │ ├── kd_tree_float_64_v1.json │ ├── kd_tree_serialization_test.dart │ └── kd_tree_test.dart ├── knn_classifier │ ├── knn_classifier_serialization_test.dart │ ├── knn_classifier_test.dart │ └── knn_classifier_v1.json ├── knn_regressor │ ├── knn_regressor_serialization_test.dart │ ├── knn_regressor_test.dart │ └── knn_regressor_v1.json ├── lasso_regressor │ └── lasso_regressor_test.dart ├── linear_regressor │ ├── linear_regressor_newton_test.dart │ ├── linear_regressor_serialization_test.dart │ ├── linear_regressor_test.dart │ └── linear_regressor_v1.json ├── logistic_regressor │ ├── logistic_regressor_bgd_test.dart │ ├── logistic_regressor_newton_test.dart │ ├── logistic_regressor_serialization_test.dart │ ├── logistic_regressor_sgd_test.dart │ └── logistic_regressor_v1.json ├── random_binary_projection_searcher │ ├── random_binary_projection_searcher_32_v1.json │ ├── random_binary_projection_searcher_64_v1.json │ └── random_binary_projection_searcher_serialization_test.dart ├── sgd_regressor │ └── sgd_regressor_test.dart └── softmax_regressor │ ├── softmax_regressor_serialization_test.dart │ ├── softmax_regressor_test.dart │ └── softmax_regressor_v1.json ├── e2e_tests.sh ├── example ├── fish.csv ├── linear_regression_gradient_descent.dart ├── logistic_regression.dart ├── main.dart ├── pos │ ├── README.md │ ├── input │ │ └── ticket_917_known_contacts.json │ ├── kd_contacts.dart │ ├── models.dart │ └── output │ │ ├── index.txt │ │ ├── index_selected_contact.txt │ │ ├── vectors.txt │ │ └── vectors_selected_contact.txt └── wasm │ ├── .gitignore │ ├── CHANGELOG.md │ ├── README.md │ ├── analysis_options.yaml │ ├── pubspec.yaml │ ├── screenshot.png │ ├── site │ ├── index.html │ ├── main.dart.js │ ├── styles.css │ ├── test.mjs │ ├── test.unopt.wasm │ ├── test.wasm │ └── test.wasm.map │ └── web │ └── main.dart ├── lib ├── kd_tree.dart ├── ml_algo.dart └── src │ ├── classifier │ ├── _constants │ │ └── supported_linear_optimizer_types.dart │ ├── _helpers │ │ ├── create_log_likelihood_optimizer.dart │ │ └── validate_linear_classification_optimizer_type.dart │ ├── _mixins │ │ ├── assessable_classifier_mixin.dart │ │ └── linear_classifier_mixin.dart │ ├── classifier.dart │ ├── decision_tree_classifier │ │ ├── _init_module.dart │ │ ├── _injector.dart │ │ ├── decision_tree_classifier.dart │ │ ├── decision_tree_classifier_constants.dart │ │ ├── decision_tree_classifier_factory.dart │ │ ├── decision_tree_classifier_factory_impl.dart │ │ ├── decision_tree_classifier_impl.dart │ │ ├── decision_tree_classifier_impl.g.dart │ │ ├── decision_tree_json_keys.dart │ │ └── helpers │ │ │ └── create_tree_svg_markup │ │ │ ├── create_tree_svg_markup.dart │ │ │ ├── create_tree_svg_markup_constants.dart │ │ │ ├── format_predicate.dart │ │ │ ├── get_tree_levels.dart │ │ │ ├── get_tree_node_distance_by_level.dart │ │ │ ├── get_tree_node_lines_markup.dart │ │ │ ├── get_tree_node_markup.dart │ │ │ └── get_tree_width.dart │ ├── knn_classifier │ │ ├── _init_module.dart │ │ ├── _injector.dart │ │ ├── knn_classifier.dart │ │ ├── knn_classifier_constants.dart │ │ ├── knn_classifier_factory.dart │ │ ├── knn_classifier_factory_impl.dart │ │ ├── knn_classifier_impl.dart │ │ ├── knn_classifier_impl.g.dart │ │ └── knn_classifier_json_keys.dart │ ├── linear_classifier.dart │ ├── logistic_regressor │ │ ├── _init_module.dart │ │ ├── _injector.dart │ │ ├── logistic_regressor.dart │ │ ├── logistic_regressor_constants.dart │ │ ├── logistic_regressor_factory.dart │ │ ├── logistic_regressor_factory_impl.dart │ │ ├── logistic_regressor_impl.dart │ │ ├── logistic_regressor_impl.g.dart │ │ ├── logistic_regressor_json_keys.dart │ │ └── migrations │ │ │ ├── migrate_logistic_regressor_schema_v2_to_v3.dart │ │ │ └── migrate_logistic_regressor_schema_v3_to_v4.dart │ └── softmax_regressor │ │ ├── _init_module.dart │ │ ├── _injector.dart │ │ ├── migrations │ │ ├── migrate_softmax_regressor_schema_v2_to_v3.dart │ │ └── migrate_softmax_regressor_schema_v3_to_v4.dart │ │ ├── softmax_regressor.dart │ │ ├── softmax_regressor_constants.dart │ │ ├── softmax_regressor_factory.dart │ │ ├── softmax_regressor_factory_impl.dart │ │ ├── softmax_regressor_impl.dart │ │ ├── softmax_regressor_impl.g.dart │ │ └── softmax_regressor_json_keys.dart │ ├── common │ ├── constants │ │ ├── common_json_keys.dart │ │ └── default_parameters │ │ │ ├── classification.dart │ │ │ ├── common.dart │ │ │ ├── coordinate_optimization.dart │ │ │ ├── gradient_optimization.dart │ │ │ └── linear_optimization.dart │ ├── distribution_calculator │ │ ├── distribution_calculator.dart │ │ ├── distribution_calculator_factory.dart │ │ ├── distribution_calculator_factory_impl.dart │ │ └── distribution_calculator_impl.dart │ ├── exception │ │ ├── invalid_class_labels_exception.dart │ │ ├── invalid_metric_type_exception.dart │ │ ├── invalid_probability_threshold_exception.dart │ │ ├── invalid_test_data_columns_number_exception.dart │ │ ├── invalid_train_data_columns_number_exception.dart │ │ ├── logit_scores_matrix_dimension_exception.dart │ │ ├── matrix_column_exception.dart │ │ ├── outdated_json_schema_exception.dart │ │ └── unsupported_linear_optimizer_type_exception.dart │ ├── json_converter │ │ ├── distance_type_json_converter.dart │ │ └── dtype_json_converter.dart │ └── serializable │ │ ├── serializable.dart │ │ └── serializable_mixin.dart │ ├── cost_function │ ├── cost_function.dart │ ├── cost_function_factory.dart │ ├── cost_function_factory_impl.dart │ ├── cost_function_type.dart │ ├── least_square_cost_function.dart │ └── log_likelihood_cost_function.dart │ ├── di │ ├── common │ │ └── init_common_module.dart │ ├── dependency_keys.dart │ └── injector.dart │ ├── extensions │ └── injector.dart │ ├── helpers │ ├── add_intercept_if.dart │ ├── features_target_split.dart │ ├── features_target_split_interface.dart │ ├── get_probabilities.dart │ ├── normalize_class_labels.dart │ ├── normalize_class_labels_interface.dart │ ├── validate_class_label_list.dart │ ├── validate_class_labels.dart │ ├── validate_coefficients_matrix.dart │ ├── validate_initial_coefficients.dart │ ├── validate_matrix_columns.dart │ ├── validate_probability_threshold.dart │ ├── validate_probability_value.dart │ ├── validate_test_features.dart │ ├── validate_tree_solver_max_depth.dart │ ├── validate_tree_solver_min_error.dart │ └── validate_tree_solver_min_samples_count.dart │ ├── knn_kernel │ ├── cosine_kernel.dart │ ├── epanechnikov_kernel.dart │ ├── gaussian_kernel.dart │ ├── kernel.dart │ ├── kernel_factory.dart │ ├── kernel_factory_impl.dart │ ├── kernel_json_converter.dart │ ├── kernel_type.dart │ ├── kernel_type_json_keys.dart │ └── uniform_kernel.dart │ ├── knn_solver │ ├── knn_solver.dart │ ├── knn_solver_constants.dart │ ├── knn_solver_factory.dart │ ├── knn_solver_factory_impl.dart │ ├── knn_solver_impl.dart │ ├── knn_solver_impl.g.dart │ ├── knn_solver_json_converter.dart │ ├── knn_solver_json_keys.dart │ └── neigbour.dart │ ├── linear_optimizer │ ├── closed_form_optimizer.dart │ ├── convergence_detector │ │ ├── convergence_detector.dart │ │ ├── convergence_detector_factory.dart │ │ ├── convergence_detector_factory_impl.dart │ │ └── convergence_detector_impl.dart │ ├── gradient_optimizer │ │ ├── gradient_optimizer.dart │ │ └── learning_rate │ │ │ ├── iterables │ │ │ ├── constant.dart │ │ │ ├── exponential.dart │ │ │ ├── step_based.dart │ │ │ └── time_based.dart │ │ │ ├── iterators │ │ │ ├── constant.dart │ │ │ ├── exponential.dart │ │ │ ├── step_based.dart │ │ │ └── time_based.dart │ │ │ ├── learning_rate_iterable_factory.dart │ │ │ ├── learning_rate_iterable_factory_impl.dart │ │ │ ├── learning_rate_type.dart │ │ │ ├── learning_rate_type_json_converter.dart │ │ │ └── learning_rate_type_json_encoded_values.dart │ ├── initial_coefficients_generator │ │ ├── initial_coefficients_generator.dart │ │ ├── initial_coefficients_generator_factory.dart │ │ ├── initial_coefficients_generator_factory_impl.dart │ │ ├── initial_coefficients_type.dart │ │ ├── initial_coefficients_type_json_converter.dart │ │ ├── initial_coefficients_type_json_encoded_values.dart │ │ ├── initial_coefficients_type_to_json_encoded_value.dart │ │ └── zero_coefficients_generator.dart │ ├── least_squares_coordinate_descent_optimizer.dart │ ├── linear_optimizer.dart │ ├── linear_optimizer_factory.dart │ ├── linear_optimizer_factory_impl.dart │ ├── linear_optimizer_type.dart │ ├── linear_optimizer_type_json_converter.dart │ ├── linear_optimizer_type_json_encoded_values.dart │ ├── linear_optimizer_type_to_json_encoded_value.dart │ ├── newton_optimizer.dart │ ├── optimizer_to_regularization_mapping.dart │ ├── regularization_type.dart │ ├── regularization_type_json_converter_nullable.dart │ └── regularization_type_json_encoded_values.dart │ ├── link_function │ ├── helpers │ │ ├── from_link_function_json.dart │ │ └── link_function_to_json.dart │ ├── inverse_logit_link_function.dart │ ├── inverse_logit_link_function.g.dart │ ├── link_function.dart │ ├── link_function_encoded_values.dart │ ├── link_function_type.dart │ ├── softmax_link_function.dart │ └── softmax_link_function.g.dart │ ├── math │ └── randomizer │ │ ├── randomizer.dart │ │ ├── randomizer_factory.dart │ │ ├── randomizer_factory_impl.dart │ │ └── randomizer_impl.dart │ ├── metric │ ├── classification │ │ ├── _helpers │ │ │ └── divide_true_positive_by.dart │ │ ├── accuracy.dart │ │ ├── log_loss_metric.dart │ │ ├── precision.dart │ │ └── recall.dart │ ├── metric.dart │ ├── metric_constants.dart │ ├── metric_factory.dart │ ├── metric_factory_impl.dart │ ├── metric_type.dart │ └── regression │ │ ├── mape.dart │ │ ├── rmse.dart │ │ └── rss.dart │ ├── model_selection │ ├── _init_module.dart │ ├── _injector.dart │ ├── assessable.dart │ ├── cross_validator │ │ ├── cross_validator.dart │ │ └── cross_validator_impl.dart │ ├── exception │ │ ├── empty_ratio_collection_exception.dart │ │ ├── invalid_ratio_sum_exception.dart │ │ ├── outranged_ratio_exception.dart │ │ └── too_small_ratio_exception.dart │ ├── model_assessor │ │ ├── classifier_assessor.dart │ │ ├── model_assessor.dart │ │ └── regressor_assessor.dart │ ├── split_data.dart │ └── split_indices_provider │ │ ├── k_fold_data_splitter.dart │ │ ├── lpo_indices_provider.dart │ │ ├── split_indices_provider.dart │ │ ├── split_indices_provider_factory.dart │ │ ├── split_indices_provider_factory_impl.dart │ │ └── split_indices_provider_type.dart │ ├── predictor │ ├── predictor.dart │ └── retrainable.dart │ ├── regressor │ ├── _helpers │ │ └── squared_cost_optimizer_factory.dart │ ├── _mixins │ │ └── assessable_regressor_mixin.dart │ ├── knn_regressor │ │ ├── _init_module.dart │ │ ├── _injector.dart │ │ ├── knn_regressor.dart │ │ ├── knn_regressor_constants.dart │ │ ├── knn_regressor_factory.dart │ │ ├── knn_regressor_factory_impl.dart │ │ ├── knn_regressor_impl.dart │ │ ├── knn_regressor_impl.g.dart │ │ └── knn_regressor_json_keys.dart │ └── linear_regressor │ │ ├── _init_module.dart │ │ ├── _injector.dart │ │ ├── linear_regressor.dart │ │ ├── linear_regressor_constants.dart │ │ ├── linear_regressor_factory.dart │ │ ├── linear_regressor_factory_impl.dart │ │ ├── linear_regressor_impl.dart │ │ ├── linear_regressor_impl.g.dart │ │ ├── linear_regressor_json_keys.dart │ │ └── migrations │ │ ├── migrate_linear_regressor_schema_v1_to_v2.dart │ │ └── migrate_linear_regressor_schema_v2_to_v3.dart │ ├── retrieval │ ├── kd_tree │ │ ├── exceptions │ │ │ └── invalid_query_point_length.dart │ │ ├── helpers │ │ │ ├── create_kd_tree.dart │ │ │ └── create_kd_tree_from_iterable.dart │ │ ├── kd_tree.dart │ │ ├── kd_tree_builder.dart │ │ ├── kd_tree_constants.dart │ │ ├── kd_tree_impl.dart │ │ ├── kd_tree_impl.g.dart │ │ ├── kd_tree_json_keys.dart │ │ ├── kd_tree_node.dart │ │ ├── kd_tree_node.g.dart │ │ ├── kd_tree_node_json_keys.dart │ │ └── kd_tree_split_strategy.dart │ ├── mixins │ │ └── knn_searcher.dart │ ├── neighbour.dart │ └── random_binary_projection_searcher │ │ ├── helpers │ │ ├── create_random_binary_projection_searcher.dart │ │ ├── get_binary_representation.dart │ │ ├── get_indices_from_binary_representation.dart │ │ └── group_indices_by_bins.dart │ │ ├── random_binary_projection_searcher.dart │ │ ├── random_binary_projection_searcher_impl.dart │ │ ├── random_binary_projection_searcher_impl.g.dart │ │ └── random_binary_projection_searcher_json_keys.dart │ └── tree_trainer │ ├── decision_tree_trainer.dart │ ├── leaf_detector │ ├── leaf_detector.dart │ ├── leaf_detector_factory.dart │ ├── leaf_detector_factory_impl.dart │ └── leaf_detector_impl.dart │ ├── leaf_label │ ├── leaf_label.dart │ ├── leaf_label.g.dart │ ├── leaf_label_constants.dart │ ├── leaf_label_factory.dart │ ├── leaf_label_factory_factory.dart │ ├── leaf_label_factory_factory_impl.dart │ ├── leaf_label_factory_type.dart │ ├── leaf_label_json_keys.dart │ └── majority_leaf_label_factory.dart │ ├── split_selector │ ├── greedy_split_selector.dart │ ├── split_selector.dart │ ├── split_selector_factory.dart │ ├── split_selector_factory_impl.dart │ └── split_selector_type.dart │ ├── splitter │ ├── greedy_splitter.dart │ ├── nominal_splitter │ │ ├── nominal_splitter.dart │ │ ├── nominal_splitter_factory.dart │ │ ├── nominal_splitter_factory_impl.dart │ │ └── nominal_splitter_impl.dart │ ├── numerical_splitter │ │ ├── numerical_splitter.dart │ │ ├── numerical_splitter_factory.dart │ │ ├── numerical_splitter_factory_impl.dart │ │ └── numerical_splitter_impl.dart │ ├── splitter.dart │ ├── splitter_factory.dart │ ├── splitter_factory_impl.dart │ └── splitter_type.dart │ ├── tree_assessor │ ├── gini_index_tree_assessor.dart │ ├── helpers │ │ ├── from_tree_assessor_type_json.dart │ │ └── to_tree_assessor_type_json.dart │ ├── majority_tree_assessor.dart │ ├── tree_assessor.dart │ ├── tree_assessor_factory.dart │ ├── tree_assessor_factory_impl.dart │ ├── tree_assessor_type.dart │ └── tree_assessor_type_json_keys.dart │ ├── tree_node │ ├── helpers │ │ ├── from_tree_nodes_json.dart │ │ ├── migrate_tree_node_json_schema.dart │ │ └── tree_nodes_to_json.dart │ ├── split_predicate │ │ ├── _helper │ │ │ └── get_split_predicate_by_type.dart │ │ ├── from_predicate_type_json.dart │ │ ├── predicate_type.dart │ │ ├── predicate_type_encoded_values.dart │ │ └── predicate_type_to_json.dart │ ├── tree_node.dart │ ├── tree_node.g.dart │ └── tree_node_json_keys.dart │ ├── tree_trainer.dart │ ├── tree_trainer_factory.dart │ ├── tree_trainer_factory_impl.dart │ └── tree_trainer_type.dart ├── pubspec.yaml └── test ├── classifier ├── decision_tree_classifier │ ├── decision_tree_classifier_impl_test.dart │ ├── decision_tree_classifier_integration_test.dart │ └── decision_tree_json_keys_test.dart ├── knn_classifier │ ├── knn_classifier_factory_impl_test.dart │ ├── knn_classifier_impl_test.dart │ ├── knn_classifier_integration_test.dart │ └── knn_classifier_test.dart ├── logistic_regressor │ ├── integration_test │ │ ├── logistic_regressor_fitting_integration_test.dart │ │ ├── logistic_regressor_prediction_integration_test.dart │ │ └── logistic_regressor_serialization_integration_test.dart │ └── unit_test │ │ ├── logistic_regressor_impl_test.dart │ │ ├── logistic_regressor_json_keys_test.dart │ │ └── logistic_regressor_test.dart └── softmax_regressor │ ├── integration_test │ └── softmax_regressor_serialization_integration_test.dart │ └── unit_test │ ├── softmax_regressor_factory_impl_test.dart │ ├── softmax_regressor_factory_test.dart │ ├── softmax_regressor_impl_test.dart │ └── softmax_regressor_json_keys_test.dart ├── common └── distribution_calculator │ └── distribution_calculator_impl_test.dart ├── cost_function ├── cost_function_factory_impl_test.dart ├── least_square_cost_function_test.dart └── log_likelihood_cost_function_test.dart ├── fake_data_set.dart ├── helpers.dart ├── helpers ├── add_intercept_test.dart └── features_target_split_test.dart ├── knn_kernel ├── kernel_function_factory_impl_test.dart ├── kernel_function_test.dart └── kernel_json_converter_test.dart ├── knn_solver ├── knn_solver_factory_impl_test.dart └── knn_solver_impl_test.dart ├── linear_optimizer ├── convergence_detector │ └── convergence_detector_impl_test.dart ├── coordinate_optimizer │ └── coordinate_descent_optimizer_integration_test.dart ├── gradient_optimizer │ ├── gradient_optimizer_test.dart │ └── learning_rate │ │ ├── iterables │ │ ├── constant_test.dart │ │ ├── exponential_test.dart │ │ ├── step_based_test.dart │ │ └── time_based_test.dart │ │ └── learning_rate_type_json_converter_test.dart ├── initial_coefficients_generator │ └── initial_coefficients_type_json_converter_test.dart ├── linear_optimizer_type_json_converter_test.dart └── regularization_type_json_converter_test.dart ├── link_function ├── helpers │ ├── from_link_function_json_test.dart │ └── link_function_to_json_test.dart ├── inverse_logit_link_function_test.dart ├── link_function_encoded_values_test.dart └── softmax_link_function_test.dart ├── majority_tree_data_mock.dart ├── math └── randomizer_test.dart ├── metric ├── classification │ ├── log_loss_metric_test.dart │ ├── precision_test.dart │ └── recall_test.dart ├── metric_factory_impl_test.dart └── regression │ ├── mape_test.dart │ └── rss_test.dart ├── mocks.dart ├── mocks.mocks.dart ├── model_selection ├── cross_validator │ ├── cross_validator_impl_test.dart │ └── cross_validator_test.dart ├── model_assessor │ ├── classifier_assessor_test.dart │ └── regressor_assessor_test.dart ├── split_data_test.dart └── split_indices_provider │ ├── k_fold_split_indices_provider_test.dart │ ├── lpo_split_indices_provider_test.dart │ └── split_indices_provider_factory_impl_test.dart ├── regressor ├── knn_regressor │ ├── knn_regressor_factory_impl_test.dart │ ├── knn_regressor_impl_test.dart │ ├── knn_regressor_integration_test.dart │ └── knn_regressor_test.dart └── linear_regressor │ ├── linear_regressor_closed_form_integration_test.dart │ ├── linear_regressor_factory_impl_test.dart │ ├── linear_regressor_impl_test.dart │ ├── linear_regressor_integration_test.dart │ └── linear_regressor_test.dart ├── retrieval ├── kd_tree │ └── kd_tree_test.dart └── random_binary_projection_searcher │ ├── helpers │ ├── get_bin_ids_from_binary_representation_test.dart │ ├── get_binary_representation_test.dart │ └── group_indices_by_bins_test.dart │ └── random_binary_projection_searcher_impl_test.dart └── tree_trainer ├── leaf_detector ├── leaf_detector_factory_impl_test.dart └── leaf_detector_impl_test.dart ├── leaf_label ├── leaf_label_factory_factory_impl_test.dart ├── leaf_label_json_keys_test.dart ├── leaf_label_test.dart └── majority_leaf_label_factory_test.dart ├── split_selector ├── greedy_split_selector_test.dart └── split_selector_factory_impl_test.dart ├── splitter ├── greedy_splitter_test.dart ├── nominal_splitter │ ├── nominal_splitter_factory_impl_test.dart │ └── nominal_splitter_impl_test.dart ├── numerical_splitter │ ├── numerical_splitter_factory_impl_test.dart │ └── numerical_splitter_impl_test.dart └── splitter_factory_impl_test.dart ├── test_utils.dart ├── tree_assessor ├── gini_index_tree_assessor_test.dart ├── helpers │ ├── from_tree_assessor_type_json_test.dart │ └── to_tree_assessor_type_json_test.dart ├── majority_tree_assesor_test.dart └── tree_assessor_factory_impl_test.dart ├── tree_node ├── splitting_predicate │ ├── _helper │ │ └── get_tree_node_splitting_predicate_by_type_test.dart │ ├── from_tree_node_splitting_predicate_type_json_test.dart │ ├── tree_node_splitting_predicate_type_encoded_values_test.dart │ └── tree_node_splitting_type_to_json_test.dart ├── tree.dart ├── tree_node_json_keys_test.dart ├── tree_node_test.dart └── tree_node_test.json ├── tree_trainer_factory_impl_test.dart ├── tree_trainer_integration_test.dart └── tree_trainer_integration_test.json /.github/FUNDING.yml: -------------------------------------------------------------------------------- 1 | # These are supported funding model platforms 2 | 3 | github: [gyrdym] 4 | -------------------------------------------------------------------------------- /.github/workflows/ci_pipeline.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/.github/workflows/ci_pipeline.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/.gitignore -------------------------------------------------------------------------------- /CHANGELOG.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/CHANGELOG.md -------------------------------------------------------------------------------- /CNAME: -------------------------------------------------------------------------------- 1 | www.ml-algo.com -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/README.md -------------------------------------------------------------------------------- /_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/_config.yml -------------------------------------------------------------------------------- /analysis_options.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/analysis_options.yaml -------------------------------------------------------------------------------- /benchmark/cross_validator.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/cross_validator.dart -------------------------------------------------------------------------------- /benchmark/data/sample_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/data/sample_data.json -------------------------------------------------------------------------------- /benchmark/decision_tree_classifier.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/decision_tree_classifier.dart -------------------------------------------------------------------------------- /benchmark/inverse_logit_link_function.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/inverse_logit_link_function.dart -------------------------------------------------------------------------------- /benchmark/kd_tree/kd_tree_building.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/kd_tree/kd_tree_building.dart -------------------------------------------------------------------------------- /benchmark/kd_tree/kd_tree_querying.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/kd_tree/kd_tree_querying.dart -------------------------------------------------------------------------------- /benchmark/knn_regressor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/knn_regressor.dart -------------------------------------------------------------------------------- /benchmark/knn_solver.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/knn_solver.dart -------------------------------------------------------------------------------- /benchmark/lasso_regressor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/lasso_regressor.dart -------------------------------------------------------------------------------- /benchmark/linear_regressor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/linear_regressor.dart -------------------------------------------------------------------------------- /benchmark/linear_regressor_gradient_descent.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/linear_regressor_gradient_descent.dart -------------------------------------------------------------------------------- /benchmark/logistic_regressor_gradient.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/logistic_regressor_gradient.dart -------------------------------------------------------------------------------- /benchmark/main.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/main.dart -------------------------------------------------------------------------------- /benchmark/random_binary_projection_searcher/searcher_building.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/random_binary_projection_searcher/searcher_building.dart -------------------------------------------------------------------------------- /benchmark/random_binary_projection_searcher/searcher_querying.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/random_binary_projection_searcher/searcher_querying.dart -------------------------------------------------------------------------------- /benchmark/sgd_regressor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/benchmark/sgd_regressor.dart -------------------------------------------------------------------------------- /e2e/_datasets/advertising.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/_datasets/advertising.csv -------------------------------------------------------------------------------- /e2e/_datasets/housing.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/_datasets/housing.csv -------------------------------------------------------------------------------- /e2e/decision_tree_classifier/decision_tree_classifier_save_as_svg_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/decision_tree_classifier/decision_tree_classifier_save_as_svg_test.dart -------------------------------------------------------------------------------- /e2e/decision_tree_classifier/decision_tree_classifier_serialization_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/decision_tree_classifier/decision_tree_classifier_serialization_test.dart -------------------------------------------------------------------------------- /e2e/decision_tree_classifier/decision_tree_classifier_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/decision_tree_classifier/decision_tree_classifier_test.dart -------------------------------------------------------------------------------- /e2e/decision_tree_classifier/decision_tree_classifier_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/decision_tree_classifier/decision_tree_classifier_v1.json -------------------------------------------------------------------------------- /e2e/decision_tree_classifier/iris_tree.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/decision_tree_classifier/iris_tree.svg -------------------------------------------------------------------------------- /e2e/decision_tree_classifier/pima_indians_tree.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/decision_tree_classifier/pima_indians_tree.svg -------------------------------------------------------------------------------- /e2e/kd_tree/kd_tree_float_32_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/kd_tree/kd_tree_float_32_v1.json -------------------------------------------------------------------------------- /e2e/kd_tree/kd_tree_float_64_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/kd_tree/kd_tree_float_64_v1.json -------------------------------------------------------------------------------- /e2e/kd_tree/kd_tree_serialization_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/kd_tree/kd_tree_serialization_test.dart -------------------------------------------------------------------------------- /e2e/kd_tree/kd_tree_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/kd_tree/kd_tree_test.dart -------------------------------------------------------------------------------- /e2e/knn_classifier/knn_classifier_serialization_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/knn_classifier/knn_classifier_serialization_test.dart -------------------------------------------------------------------------------- /e2e/knn_classifier/knn_classifier_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/knn_classifier/knn_classifier_test.dart -------------------------------------------------------------------------------- /e2e/knn_classifier/knn_classifier_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/knn_classifier/knn_classifier_v1.json -------------------------------------------------------------------------------- /e2e/knn_regressor/knn_regressor_serialization_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/knn_regressor/knn_regressor_serialization_test.dart -------------------------------------------------------------------------------- /e2e/knn_regressor/knn_regressor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/knn_regressor/knn_regressor_test.dart -------------------------------------------------------------------------------- /e2e/knn_regressor/knn_regressor_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/knn_regressor/knn_regressor_v1.json -------------------------------------------------------------------------------- /e2e/lasso_regressor/lasso_regressor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/lasso_regressor/lasso_regressor_test.dart -------------------------------------------------------------------------------- /e2e/linear_regressor/linear_regressor_newton_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/linear_regressor/linear_regressor_newton_test.dart -------------------------------------------------------------------------------- /e2e/linear_regressor/linear_regressor_serialization_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/linear_regressor/linear_regressor_serialization_test.dart -------------------------------------------------------------------------------- /e2e/linear_regressor/linear_regressor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/linear_regressor/linear_regressor_test.dart -------------------------------------------------------------------------------- /e2e/linear_regressor/linear_regressor_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/linear_regressor/linear_regressor_v1.json -------------------------------------------------------------------------------- /e2e/logistic_regressor/logistic_regressor_bgd_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/logistic_regressor/logistic_regressor_bgd_test.dart -------------------------------------------------------------------------------- /e2e/logistic_regressor/logistic_regressor_newton_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/logistic_regressor/logistic_regressor_newton_test.dart -------------------------------------------------------------------------------- /e2e/logistic_regressor/logistic_regressor_serialization_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/logistic_regressor/logistic_regressor_serialization_test.dart -------------------------------------------------------------------------------- /e2e/logistic_regressor/logistic_regressor_sgd_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/logistic_regressor/logistic_regressor_sgd_test.dart -------------------------------------------------------------------------------- /e2e/logistic_regressor/logistic_regressor_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/logistic_regressor/logistic_regressor_v1.json -------------------------------------------------------------------------------- /e2e/random_binary_projection_searcher/random_binary_projection_searcher_32_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/random_binary_projection_searcher/random_binary_projection_searcher_32_v1.json -------------------------------------------------------------------------------- /e2e/random_binary_projection_searcher/random_binary_projection_searcher_64_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/random_binary_projection_searcher/random_binary_projection_searcher_64_v1.json -------------------------------------------------------------------------------- /e2e/random_binary_projection_searcher/random_binary_projection_searcher_serialization_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/random_binary_projection_searcher/random_binary_projection_searcher_serialization_test.dart -------------------------------------------------------------------------------- /e2e/sgd_regressor/sgd_regressor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/sgd_regressor/sgd_regressor_test.dart -------------------------------------------------------------------------------- /e2e/softmax_regressor/softmax_regressor_serialization_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/softmax_regressor/softmax_regressor_serialization_test.dart -------------------------------------------------------------------------------- /e2e/softmax_regressor/softmax_regressor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/softmax_regressor/softmax_regressor_test.dart -------------------------------------------------------------------------------- /e2e/softmax_regressor/softmax_regressor_v1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/e2e/softmax_regressor/softmax_regressor_v1.json -------------------------------------------------------------------------------- /e2e_tests.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | dart test e2e -p vm 4 | -------------------------------------------------------------------------------- /example/fish.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/fish.csv -------------------------------------------------------------------------------- /example/linear_regression_gradient_descent.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/linear_regression_gradient_descent.dart -------------------------------------------------------------------------------- /example/logistic_regression.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/logistic_regression.dart -------------------------------------------------------------------------------- /example/main.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/main.dart -------------------------------------------------------------------------------- /example/pos/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/pos/README.md -------------------------------------------------------------------------------- /example/pos/input/ticket_917_known_contacts.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/pos/input/ticket_917_known_contacts.json -------------------------------------------------------------------------------- /example/pos/kd_contacts.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/pos/kd_contacts.dart -------------------------------------------------------------------------------- /example/pos/models.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/pos/models.dart -------------------------------------------------------------------------------- /example/pos/output/index.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/pos/output/index.txt -------------------------------------------------------------------------------- /example/pos/output/index_selected_contact.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/pos/output/index_selected_contact.txt -------------------------------------------------------------------------------- /example/pos/output/vectors.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/pos/output/vectors.txt -------------------------------------------------------------------------------- /example/pos/output/vectors_selected_contact.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/pos/output/vectors_selected_contact.txt -------------------------------------------------------------------------------- /example/wasm/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/.gitignore -------------------------------------------------------------------------------- /example/wasm/CHANGELOG.md: -------------------------------------------------------------------------------- 1 | ## 1.0.0 2 | 3 | - Initial version. 4 | -------------------------------------------------------------------------------- /example/wasm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/README.md -------------------------------------------------------------------------------- /example/wasm/analysis_options.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/analysis_options.yaml -------------------------------------------------------------------------------- /example/wasm/pubspec.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/pubspec.yaml -------------------------------------------------------------------------------- /example/wasm/screenshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/screenshot.png -------------------------------------------------------------------------------- /example/wasm/site/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/site/index.html -------------------------------------------------------------------------------- /example/wasm/site/main.dart.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/site/main.dart.js -------------------------------------------------------------------------------- /example/wasm/site/styles.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/site/styles.css -------------------------------------------------------------------------------- /example/wasm/site/test.mjs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/site/test.mjs -------------------------------------------------------------------------------- /example/wasm/site/test.unopt.wasm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/site/test.unopt.wasm -------------------------------------------------------------------------------- /example/wasm/site/test.wasm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/site/test.wasm -------------------------------------------------------------------------------- /example/wasm/site/test.wasm.map: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/site/test.wasm.map -------------------------------------------------------------------------------- /example/wasm/web/main.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/example/wasm/web/main.dart -------------------------------------------------------------------------------- /lib/kd_tree.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/kd_tree.dart -------------------------------------------------------------------------------- /lib/ml_algo.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/ml_algo.dart -------------------------------------------------------------------------------- /lib/src/classifier/_constants/supported_linear_optimizer_types.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/_constants/supported_linear_optimizer_types.dart -------------------------------------------------------------------------------- /lib/src/classifier/_helpers/create_log_likelihood_optimizer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/_helpers/create_log_likelihood_optimizer.dart -------------------------------------------------------------------------------- /lib/src/classifier/_helpers/validate_linear_classification_optimizer_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/_helpers/validate_linear_classification_optimizer_type.dart -------------------------------------------------------------------------------- /lib/src/classifier/_mixins/assessable_classifier_mixin.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/_mixins/assessable_classifier_mixin.dart -------------------------------------------------------------------------------- /lib/src/classifier/_mixins/linear_classifier_mixin.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/_mixins/linear_classifier_mixin.dart -------------------------------------------------------------------------------- /lib/src/classifier/classifier.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/classifier.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/_init_module.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/_init_module.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/_injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/_injector.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/decision_tree_classifier.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/decision_tree_classifier.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/decision_tree_classifier_constants.dart: -------------------------------------------------------------------------------- 1 | const decisionTreeClassifierJsonSchemaVersion = 1; 2 | -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/decision_tree_classifier_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/decision_tree_classifier_factory.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/decision_tree_classifier_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/decision_tree_classifier_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/decision_tree_classifier_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/decision_tree_classifier_impl.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/decision_tree_classifier_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/decision_tree_classifier_impl.g.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/decision_tree_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/decision_tree_json_keys.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/create_tree_svg_markup.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/create_tree_svg_markup.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/create_tree_svg_markup_constants.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/create_tree_svg_markup_constants.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/format_predicate.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/format_predicate.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_levels.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_levels.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_node_distance_by_level.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_node_distance_by_level.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_node_lines_markup.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_node_lines_markup.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_node_markup.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_node_markup.dart -------------------------------------------------------------------------------- /lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_width.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/decision_tree_classifier/helpers/create_tree_svg_markup/get_tree_width.dart -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/_init_module.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/knn_classifier/_init_module.dart -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/_injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/knn_classifier/_injector.dart -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/knn_classifier.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/knn_classifier/knn_classifier.dart -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/knn_classifier_constants.dart: -------------------------------------------------------------------------------- 1 | const knnClassifierJsonSchemaVersion = 1; 2 | -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/knn_classifier_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/knn_classifier/knn_classifier_factory.dart -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/knn_classifier_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/knn_classifier/knn_classifier_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/knn_classifier_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/knn_classifier/knn_classifier_impl.dart -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/knn_classifier_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/knn_classifier/knn_classifier_impl.g.dart -------------------------------------------------------------------------------- /lib/src/classifier/knn_classifier/knn_classifier_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/knn_classifier/knn_classifier_json_keys.dart -------------------------------------------------------------------------------- /lib/src/classifier/linear_classifier.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/linear_classifier.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/_init_module.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/_init_module.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/_injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/_injector.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/logistic_regressor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/logistic_regressor.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/logistic_regressor_constants.dart: -------------------------------------------------------------------------------- 1 | const logisticRegressorJsonSchemaVersion = 4; 2 | -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/logistic_regressor_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/logistic_regressor_factory.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/logistic_regressor_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/logistic_regressor_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/logistic_regressor_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/logistic_regressor_impl.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/logistic_regressor_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/logistic_regressor_impl.g.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/logistic_regressor_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/logistic_regressor_json_keys.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/migrations/migrate_logistic_regressor_schema_v2_to_v3.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/migrations/migrate_logistic_regressor_schema_v2_to_v3.dart -------------------------------------------------------------------------------- /lib/src/classifier/logistic_regressor/migrations/migrate_logistic_regressor_schema_v3_to_v4.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/logistic_regressor/migrations/migrate_logistic_regressor_schema_v3_to_v4.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/_init_module.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/_init_module.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/_injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/_injector.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/migrations/migrate_softmax_regressor_schema_v2_to_v3.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/migrations/migrate_softmax_regressor_schema_v2_to_v3.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/migrations/migrate_softmax_regressor_schema_v3_to_v4.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/migrations/migrate_softmax_regressor_schema_v3_to_v4.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/softmax_regressor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/softmax_regressor.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/softmax_regressor_constants.dart: -------------------------------------------------------------------------------- 1 | const softmaxRegressorJsonSchemaVersion = 4; 2 | -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/softmax_regressor_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/softmax_regressor_factory.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/softmax_regressor_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/softmax_regressor_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/softmax_regressor_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/softmax_regressor_impl.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/softmax_regressor_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/softmax_regressor_impl.g.dart -------------------------------------------------------------------------------- /lib/src/classifier/softmax_regressor/softmax_regressor_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/classifier/softmax_regressor/softmax_regressor_json_keys.dart -------------------------------------------------------------------------------- /lib/src/common/constants/common_json_keys.dart: -------------------------------------------------------------------------------- 1 | const jsonSchemaVersionJsonKey = '\$V'; 2 | -------------------------------------------------------------------------------- /lib/src/common/constants/default_parameters/classification.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/constants/default_parameters/classification.dart -------------------------------------------------------------------------------- /lib/src/common/constants/default_parameters/common.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/constants/default_parameters/common.dart -------------------------------------------------------------------------------- /lib/src/common/constants/default_parameters/coordinate_optimization.dart: -------------------------------------------------------------------------------- 1 | const isFittingDataNormalizedDefaultValue = false; 2 | -------------------------------------------------------------------------------- /lib/src/common/constants/default_parameters/gradient_optimization.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/constants/default_parameters/gradient_optimization.dart -------------------------------------------------------------------------------- /lib/src/common/constants/default_parameters/linear_optimization.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/constants/default_parameters/linear_optimization.dart -------------------------------------------------------------------------------- /lib/src/common/distribution_calculator/distribution_calculator.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/distribution_calculator/distribution_calculator.dart -------------------------------------------------------------------------------- /lib/src/common/distribution_calculator/distribution_calculator_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/distribution_calculator/distribution_calculator_factory.dart -------------------------------------------------------------------------------- /lib/src/common/distribution_calculator/distribution_calculator_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/distribution_calculator/distribution_calculator_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/common/distribution_calculator/distribution_calculator_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/distribution_calculator/distribution_calculator_impl.dart -------------------------------------------------------------------------------- /lib/src/common/exception/invalid_class_labels_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/invalid_class_labels_exception.dart -------------------------------------------------------------------------------- /lib/src/common/exception/invalid_metric_type_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/invalid_metric_type_exception.dart -------------------------------------------------------------------------------- /lib/src/common/exception/invalid_probability_threshold_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/invalid_probability_threshold_exception.dart -------------------------------------------------------------------------------- /lib/src/common/exception/invalid_test_data_columns_number_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/invalid_test_data_columns_number_exception.dart -------------------------------------------------------------------------------- /lib/src/common/exception/invalid_train_data_columns_number_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/invalid_train_data_columns_number_exception.dart -------------------------------------------------------------------------------- /lib/src/common/exception/logit_scores_matrix_dimension_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/logit_scores_matrix_dimension_exception.dart -------------------------------------------------------------------------------- /lib/src/common/exception/matrix_column_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/matrix_column_exception.dart -------------------------------------------------------------------------------- /lib/src/common/exception/outdated_json_schema_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/outdated_json_schema_exception.dart -------------------------------------------------------------------------------- /lib/src/common/exception/unsupported_linear_optimizer_type_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/exception/unsupported_linear_optimizer_type_exception.dart -------------------------------------------------------------------------------- /lib/src/common/json_converter/distance_type_json_converter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/json_converter/distance_type_json_converter.dart -------------------------------------------------------------------------------- /lib/src/common/json_converter/dtype_json_converter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/json_converter/dtype_json_converter.dart -------------------------------------------------------------------------------- /lib/src/common/serializable/serializable.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/serializable/serializable.dart -------------------------------------------------------------------------------- /lib/src/common/serializable/serializable_mixin.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/common/serializable/serializable_mixin.dart -------------------------------------------------------------------------------- /lib/src/cost_function/cost_function.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/cost_function/cost_function.dart -------------------------------------------------------------------------------- /lib/src/cost_function/cost_function_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/cost_function/cost_function_factory.dart -------------------------------------------------------------------------------- /lib/src/cost_function/cost_function_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/cost_function/cost_function_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/cost_function/cost_function_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/cost_function/cost_function_type.dart -------------------------------------------------------------------------------- /lib/src/cost_function/least_square_cost_function.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/cost_function/least_square_cost_function.dart -------------------------------------------------------------------------------- /lib/src/cost_function/log_likelihood_cost_function.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/cost_function/log_likelihood_cost_function.dart -------------------------------------------------------------------------------- /lib/src/di/common/init_common_module.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/di/common/init_common_module.dart -------------------------------------------------------------------------------- /lib/src/di/dependency_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/di/dependency_keys.dart -------------------------------------------------------------------------------- /lib/src/di/injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/di/injector.dart -------------------------------------------------------------------------------- /lib/src/extensions/injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/extensions/injector.dart -------------------------------------------------------------------------------- /lib/src/helpers/add_intercept_if.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/add_intercept_if.dart -------------------------------------------------------------------------------- /lib/src/helpers/features_target_split.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/features_target_split.dart -------------------------------------------------------------------------------- /lib/src/helpers/features_target_split_interface.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/features_target_split_interface.dart -------------------------------------------------------------------------------- /lib/src/helpers/get_probabilities.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/get_probabilities.dart -------------------------------------------------------------------------------- /lib/src/helpers/normalize_class_labels.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/normalize_class_labels.dart -------------------------------------------------------------------------------- /lib/src/helpers/normalize_class_labels_interface.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/normalize_class_labels_interface.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_class_label_list.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_class_label_list.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_class_labels.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_class_labels.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_coefficients_matrix.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_coefficients_matrix.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_initial_coefficients.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_initial_coefficients.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_matrix_columns.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_matrix_columns.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_probability_threshold.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_probability_threshold.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_probability_value.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_probability_value.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_test_features.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_test_features.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_tree_solver_max_depth.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_tree_solver_max_depth.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_tree_solver_min_error.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_tree_solver_min_error.dart -------------------------------------------------------------------------------- /lib/src/helpers/validate_tree_solver_min_samples_count.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/helpers/validate_tree_solver_min_samples_count.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/cosine_kernel.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/cosine_kernel.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/epanechnikov_kernel.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/epanechnikov_kernel.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/gaussian_kernel.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/gaussian_kernel.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/kernel.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/kernel.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/kernel_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/kernel_factory.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/kernel_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/kernel_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/kernel_json_converter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/kernel_json_converter.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/kernel_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/kernel_type.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/kernel_type_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/kernel_type_json_keys.dart -------------------------------------------------------------------------------- /lib/src/knn_kernel/uniform_kernel.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_kernel/uniform_kernel.dart -------------------------------------------------------------------------------- /lib/src/knn_solver/knn_solver.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_solver/knn_solver.dart -------------------------------------------------------------------------------- /lib/src/knn_solver/knn_solver_constants.dart: -------------------------------------------------------------------------------- 1 | const knnSolverJsonSchemaVersion = 1; 2 | -------------------------------------------------------------------------------- /lib/src/knn_solver/knn_solver_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_solver/knn_solver_factory.dart -------------------------------------------------------------------------------- /lib/src/knn_solver/knn_solver_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_solver/knn_solver_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/knn_solver/knn_solver_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_solver/knn_solver_impl.dart -------------------------------------------------------------------------------- /lib/src/knn_solver/knn_solver_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_solver/knn_solver_impl.g.dart -------------------------------------------------------------------------------- /lib/src/knn_solver/knn_solver_json_converter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_solver/knn_solver_json_converter.dart -------------------------------------------------------------------------------- /lib/src/knn_solver/knn_solver_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_solver/knn_solver_json_keys.dart -------------------------------------------------------------------------------- /lib/src/knn_solver/neigbour.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/knn_solver/neigbour.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/closed_form_optimizer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/closed_form_optimizer.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/convergence_detector/convergence_detector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/convergence_detector/convergence_detector.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/convergence_detector/convergence_detector_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/convergence_detector/convergence_detector_factory.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/convergence_detector/convergence_detector_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/convergence_detector/convergence_detector_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/convergence_detector/convergence_detector_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/convergence_detector/convergence_detector_impl.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/gradient_optimizer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/gradient_optimizer.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterables/constant.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterables/constant.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterables/exponential.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterables/exponential.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterables/step_based.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterables/step_based.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterables/time_based.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterables/time_based.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterators/constant.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterators/constant.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterators/exponential.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterators/exponential.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterators/step_based.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterators/step_based.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterators/time_based.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/iterators/time_based.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_iterable_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_iterable_factory.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_iterable_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_iterable_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_type.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_type_json_converter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_type_json_converter.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_type_json_encoded_values.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_type_json_encoded_values.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_generator.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_generator.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_generator_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_generator_factory.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_generator_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_generator_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_type.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_type_json_converter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_type_json_converter.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_type_json_encoded_values.dart: -------------------------------------------------------------------------------- 1 | const zeroesInitialCoefficientsTypeJsonEncodedValue = 'Z'; 2 | -------------------------------------------------------------------------------- /lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_type_to_json_encoded_value.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/initial_coefficients_generator/initial_coefficients_type_to_json_encoded_value.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/initial_coefficients_generator/zero_coefficients_generator.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/initial_coefficients_generator/zero_coefficients_generator.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/least_squares_coordinate_descent_optimizer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/least_squares_coordinate_descent_optimizer.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/linear_optimizer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/linear_optimizer.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/linear_optimizer_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/linear_optimizer_factory.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/linear_optimizer_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/linear_optimizer_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/linear_optimizer_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/linear_optimizer_type.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/linear_optimizer_type_json_converter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/linear_optimizer_type_json_converter.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/linear_optimizer_type_json_encoded_values.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/linear_optimizer_type_json_encoded_values.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/linear_optimizer_type_to_json_encoded_value.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/linear_optimizer_type_to_json_encoded_value.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/newton_optimizer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/newton_optimizer.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/optimizer_to_regularization_mapping.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/optimizer_to_regularization_mapping.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/regularization_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/regularization_type.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/regularization_type_json_converter_nullable.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/regularization_type_json_converter_nullable.dart -------------------------------------------------------------------------------- /lib/src/linear_optimizer/regularization_type_json_encoded_values.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/linear_optimizer/regularization_type_json_encoded_values.dart -------------------------------------------------------------------------------- /lib/src/link_function/helpers/from_link_function_json.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/link_function/helpers/from_link_function_json.dart -------------------------------------------------------------------------------- /lib/src/link_function/helpers/link_function_to_json.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/link_function/helpers/link_function_to_json.dart -------------------------------------------------------------------------------- /lib/src/link_function/inverse_logit_link_function.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/link_function/inverse_logit_link_function.dart -------------------------------------------------------------------------------- /lib/src/link_function/inverse_logit_link_function.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/link_function/inverse_logit_link_function.g.dart -------------------------------------------------------------------------------- /lib/src/link_function/link_function.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/link_function/link_function.dart -------------------------------------------------------------------------------- /lib/src/link_function/link_function_encoded_values.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/link_function/link_function_encoded_values.dart -------------------------------------------------------------------------------- /lib/src/link_function/link_function_type.dart: -------------------------------------------------------------------------------- 1 | enum LinkFunctionType { 2 | inverseLogit, 3 | softmax, 4 | } 5 | -------------------------------------------------------------------------------- /lib/src/link_function/softmax_link_function.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/link_function/softmax_link_function.dart -------------------------------------------------------------------------------- /lib/src/link_function/softmax_link_function.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/link_function/softmax_link_function.g.dart -------------------------------------------------------------------------------- /lib/src/math/randomizer/randomizer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/math/randomizer/randomizer.dart -------------------------------------------------------------------------------- /lib/src/math/randomizer/randomizer_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/math/randomizer/randomizer_factory.dart -------------------------------------------------------------------------------- /lib/src/math/randomizer/randomizer_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/math/randomizer/randomizer_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/math/randomizer/randomizer_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/math/randomizer/randomizer_impl.dart -------------------------------------------------------------------------------- /lib/src/metric/classification/_helpers/divide_true_positive_by.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/classification/_helpers/divide_true_positive_by.dart -------------------------------------------------------------------------------- /lib/src/metric/classification/accuracy.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/classification/accuracy.dart -------------------------------------------------------------------------------- /lib/src/metric/classification/log_loss_metric.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/classification/log_loss_metric.dart -------------------------------------------------------------------------------- /lib/src/metric/classification/precision.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/classification/precision.dart -------------------------------------------------------------------------------- /lib/src/metric/classification/recall.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/classification/recall.dart -------------------------------------------------------------------------------- /lib/src/metric/metric.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/metric.dart -------------------------------------------------------------------------------- /lib/src/metric/metric_constants.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/metric_constants.dart -------------------------------------------------------------------------------- /lib/src/metric/metric_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/metric_factory.dart -------------------------------------------------------------------------------- /lib/src/metric/metric_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/metric_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/metric/metric_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/metric_type.dart -------------------------------------------------------------------------------- /lib/src/metric/regression/mape.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/regression/mape.dart -------------------------------------------------------------------------------- /lib/src/metric/regression/rmse.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/regression/rmse.dart -------------------------------------------------------------------------------- /lib/src/metric/regression/rss.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/metric/regression/rss.dart -------------------------------------------------------------------------------- /lib/src/model_selection/_init_module.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/_init_module.dart -------------------------------------------------------------------------------- /lib/src/model_selection/_injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/_injector.dart -------------------------------------------------------------------------------- /lib/src/model_selection/assessable.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/assessable.dart -------------------------------------------------------------------------------- /lib/src/model_selection/cross_validator/cross_validator.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/cross_validator/cross_validator.dart -------------------------------------------------------------------------------- /lib/src/model_selection/cross_validator/cross_validator_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/cross_validator/cross_validator_impl.dart -------------------------------------------------------------------------------- /lib/src/model_selection/exception/empty_ratio_collection_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/exception/empty_ratio_collection_exception.dart -------------------------------------------------------------------------------- /lib/src/model_selection/exception/invalid_ratio_sum_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/exception/invalid_ratio_sum_exception.dart -------------------------------------------------------------------------------- /lib/src/model_selection/exception/outranged_ratio_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/exception/outranged_ratio_exception.dart -------------------------------------------------------------------------------- /lib/src/model_selection/exception/too_small_ratio_exception.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/exception/too_small_ratio_exception.dart -------------------------------------------------------------------------------- /lib/src/model_selection/model_assessor/classifier_assessor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/model_assessor/classifier_assessor.dart -------------------------------------------------------------------------------- /lib/src/model_selection/model_assessor/model_assessor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/model_assessor/model_assessor.dart -------------------------------------------------------------------------------- /lib/src/model_selection/model_assessor/regressor_assessor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/model_assessor/regressor_assessor.dart -------------------------------------------------------------------------------- /lib/src/model_selection/split_data.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/split_data.dart -------------------------------------------------------------------------------- /lib/src/model_selection/split_indices_provider/k_fold_data_splitter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/split_indices_provider/k_fold_data_splitter.dart -------------------------------------------------------------------------------- /lib/src/model_selection/split_indices_provider/lpo_indices_provider.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/split_indices_provider/lpo_indices_provider.dart -------------------------------------------------------------------------------- /lib/src/model_selection/split_indices_provider/split_indices_provider.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/split_indices_provider/split_indices_provider.dart -------------------------------------------------------------------------------- /lib/src/model_selection/split_indices_provider/split_indices_provider_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/split_indices_provider/split_indices_provider_factory.dart -------------------------------------------------------------------------------- /lib/src/model_selection/split_indices_provider/split_indices_provider_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/model_selection/split_indices_provider/split_indices_provider_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/model_selection/split_indices_provider/split_indices_provider_type.dart: -------------------------------------------------------------------------------- 1 | enum SplitIndicesProviderType { 2 | lpo, 3 | kFold, 4 | } 5 | -------------------------------------------------------------------------------- /lib/src/predictor/predictor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/predictor/predictor.dart -------------------------------------------------------------------------------- /lib/src/predictor/retrainable.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/predictor/retrainable.dart -------------------------------------------------------------------------------- /lib/src/regressor/_helpers/squared_cost_optimizer_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/_helpers/squared_cost_optimizer_factory.dart -------------------------------------------------------------------------------- /lib/src/regressor/_mixins/assessable_regressor_mixin.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/_mixins/assessable_regressor_mixin.dart -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/_init_module.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/knn_regressor/_init_module.dart -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/_injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/knn_regressor/_injector.dart -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/knn_regressor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/knn_regressor/knn_regressor.dart -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/knn_regressor_constants.dart: -------------------------------------------------------------------------------- 1 | const knnRegressorJsonSchemaVersion = 1; 2 | -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/knn_regressor_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/knn_regressor/knn_regressor_factory.dart -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/knn_regressor_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/knn_regressor/knn_regressor_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/knn_regressor_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/knn_regressor/knn_regressor_impl.dart -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/knn_regressor_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/knn_regressor/knn_regressor_impl.g.dart -------------------------------------------------------------------------------- /lib/src/regressor/knn_regressor/knn_regressor_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/knn_regressor/knn_regressor_json_keys.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/_init_module.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/_init_module.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/_injector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/_injector.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/linear_regressor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/linear_regressor.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/linear_regressor_constants.dart: -------------------------------------------------------------------------------- 1 | const linearRegressorJsonSchemaVersion = 3; 2 | -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/linear_regressor_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/linear_regressor_factory.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/linear_regressor_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/linear_regressor_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/linear_regressor_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/linear_regressor_impl.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/linear_regressor_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/linear_regressor_impl.g.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/linear_regressor_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/linear_regressor_json_keys.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/migrations/migrate_linear_regressor_schema_v1_to_v2.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/migrations/migrate_linear_regressor_schema_v1_to_v2.dart -------------------------------------------------------------------------------- /lib/src/regressor/linear_regressor/migrations/migrate_linear_regressor_schema_v2_to_v3.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/regressor/linear_regressor/migrations/migrate_linear_regressor_schema_v2_to_v3.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/exceptions/invalid_query_point_length.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/exceptions/invalid_query_point_length.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/helpers/create_kd_tree.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/helpers/create_kd_tree.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/helpers/create_kd_tree_from_iterable.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/helpers/create_kd_tree_from_iterable.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/kd_tree.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_builder.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/kd_tree_builder.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_constants.dart: -------------------------------------------------------------------------------- 1 | const kdTreeJsonSchemaVersion = 1; 2 | -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/kd_tree_impl.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/kd_tree_impl.g.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/kd_tree_json_keys.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_node.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/kd_tree_node.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_node.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/kd_tree_node.g.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_node_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/kd_tree/kd_tree_node_json_keys.dart -------------------------------------------------------------------------------- /lib/src/retrieval/kd_tree/kd_tree_split_strategy.dart: -------------------------------------------------------------------------------- 1 | enum KDTreeSplitStrategy { 2 | largestVariance, 3 | inOrder, 4 | } 5 | -------------------------------------------------------------------------------- /lib/src/retrieval/mixins/knn_searcher.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/mixins/knn_searcher.dart -------------------------------------------------------------------------------- /lib/src/retrieval/neighbour.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/neighbour.dart -------------------------------------------------------------------------------- /lib/src/retrieval/random_binary_projection_searcher/helpers/create_random_binary_projection_searcher.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/random_binary_projection_searcher/helpers/create_random_binary_projection_searcher.dart -------------------------------------------------------------------------------- /lib/src/retrieval/random_binary_projection_searcher/helpers/get_binary_representation.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/random_binary_projection_searcher/helpers/get_binary_representation.dart -------------------------------------------------------------------------------- /lib/src/retrieval/random_binary_projection_searcher/helpers/get_indices_from_binary_representation.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/random_binary_projection_searcher/helpers/get_indices_from_binary_representation.dart -------------------------------------------------------------------------------- /lib/src/retrieval/random_binary_projection_searcher/helpers/group_indices_by_bins.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/random_binary_projection_searcher/helpers/group_indices_by_bins.dart -------------------------------------------------------------------------------- /lib/src/retrieval/random_binary_projection_searcher/random_binary_projection_searcher.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/random_binary_projection_searcher/random_binary_projection_searcher.dart -------------------------------------------------------------------------------- /lib/src/retrieval/random_binary_projection_searcher/random_binary_projection_searcher_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/random_binary_projection_searcher/random_binary_projection_searcher_impl.dart -------------------------------------------------------------------------------- /lib/src/retrieval/random_binary_projection_searcher/random_binary_projection_searcher_impl.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/random_binary_projection_searcher/random_binary_projection_searcher_impl.g.dart -------------------------------------------------------------------------------- /lib/src/retrieval/random_binary_projection_searcher/random_binary_projection_searcher_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/retrieval/random_binary_projection_searcher/random_binary_projection_searcher_json_keys.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/decision_tree_trainer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/decision_tree_trainer.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_detector/leaf_detector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_detector/leaf_detector.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_detector/leaf_detector_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_detector/leaf_detector_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_detector/leaf_detector_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_detector/leaf_detector_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_detector/leaf_detector_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_detector/leaf_detector_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/leaf_label.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_label/leaf_label.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/leaf_label.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_label/leaf_label.g.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/leaf_label_constants.dart: -------------------------------------------------------------------------------- 1 | const leafLabelJsonSchemaVersion = 1; 2 | -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/leaf_label_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_label/leaf_label_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/leaf_label_factory_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_label/leaf_label_factory_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/leaf_label_factory_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_label/leaf_label_factory_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/leaf_label_factory_type.dart: -------------------------------------------------------------------------------- 1 | enum TreeLeafLabelFactoryType { 2 | majority, 3 | } 4 | -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/leaf_label_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_label/leaf_label_json_keys.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/leaf_label/majority_leaf_label_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/leaf_label/majority_leaf_label_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/split_selector/greedy_split_selector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/split_selector/greedy_split_selector.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/split_selector/split_selector.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/split_selector/split_selector.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/split_selector/split_selector_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/split_selector/split_selector_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/split_selector/split_selector_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/split_selector/split_selector_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/split_selector/split_selector_type.dart: -------------------------------------------------------------------------------- 1 | enum TreeSplitSelectorType { 2 | greedy, 3 | } 4 | -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/greedy_splitter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/greedy_splitter.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/nominal_splitter/nominal_splitter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/nominal_splitter/nominal_splitter.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/nominal_splitter/nominal_splitter_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/nominal_splitter/nominal_splitter_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/nominal_splitter/nominal_splitter_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/nominal_splitter/nominal_splitter_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/nominal_splitter/nominal_splitter_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/nominal_splitter/nominal_splitter_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/numerical_splitter/numerical_splitter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/numerical_splitter/numerical_splitter.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/numerical_splitter/numerical_splitter_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/numerical_splitter/numerical_splitter_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/numerical_splitter/numerical_splitter_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/numerical_splitter/numerical_splitter_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/numerical_splitter/numerical_splitter_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/numerical_splitter/numerical_splitter_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/splitter.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/splitter.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/splitter_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/splitter_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/splitter_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/splitter/splitter_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/splitter/splitter_type.dart: -------------------------------------------------------------------------------- 1 | enum TreeSplitterType { 2 | greedy, 3 | } 4 | -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/gini_index_tree_assessor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/gini_index_tree_assessor.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/helpers/from_tree_assessor_type_json.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/helpers/from_tree_assessor_type_json.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/helpers/to_tree_assessor_type_json.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/helpers/to_tree_assessor_type_json.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/majority_tree_assessor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/majority_tree_assessor.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/tree_assessor.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/tree_assessor.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/tree_assessor_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/tree_assessor_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/tree_assessor_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/tree_assessor_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/tree_assessor_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/tree_assessor_type.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_assessor/tree_assessor_type_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_assessor/tree_assessor_type_json_keys.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/helpers/from_tree_nodes_json.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/helpers/from_tree_nodes_json.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/helpers/migrate_tree_node_json_schema.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/helpers/migrate_tree_node_json_schema.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/helpers/tree_nodes_to_json.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/helpers/tree_nodes_to_json.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/split_predicate/_helper/get_split_predicate_by_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/split_predicate/_helper/get_split_predicate_by_type.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/split_predicate/from_predicate_type_json.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/split_predicate/from_predicate_type_json.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/split_predicate/predicate_type.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/split_predicate/predicate_type.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/split_predicate/predicate_type_encoded_values.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/split_predicate/predicate_type_encoded_values.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/split_predicate/predicate_type_to_json.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/split_predicate/predicate_type_to_json.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/tree_node.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/tree_node.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/tree_node.g.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/tree_node.g.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_node/tree_node_json_keys.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_node/tree_node_json_keys.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_trainer.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_trainer.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_trainer_factory.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_trainer_factory.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_trainer_factory_impl.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/lib/src/tree_trainer/tree_trainer_factory_impl.dart -------------------------------------------------------------------------------- /lib/src/tree_trainer/tree_trainer_type.dart: -------------------------------------------------------------------------------- 1 | enum TreeTrainerType { 2 | decision, 3 | } 4 | -------------------------------------------------------------------------------- /pubspec.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/pubspec.yaml -------------------------------------------------------------------------------- /test/classifier/decision_tree_classifier/decision_tree_classifier_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/decision_tree_classifier/decision_tree_classifier_impl_test.dart -------------------------------------------------------------------------------- /test/classifier/decision_tree_classifier/decision_tree_classifier_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/decision_tree_classifier/decision_tree_classifier_integration_test.dart -------------------------------------------------------------------------------- /test/classifier/decision_tree_classifier/decision_tree_json_keys_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/decision_tree_classifier/decision_tree_json_keys_test.dart -------------------------------------------------------------------------------- /test/classifier/knn_classifier/knn_classifier_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/knn_classifier/knn_classifier_factory_impl_test.dart -------------------------------------------------------------------------------- /test/classifier/knn_classifier/knn_classifier_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/knn_classifier/knn_classifier_impl_test.dart -------------------------------------------------------------------------------- /test/classifier/knn_classifier/knn_classifier_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/knn_classifier/knn_classifier_integration_test.dart -------------------------------------------------------------------------------- /test/classifier/knn_classifier/knn_classifier_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/knn_classifier/knn_classifier_test.dart -------------------------------------------------------------------------------- /test/classifier/logistic_regressor/integration_test/logistic_regressor_fitting_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/logistic_regressor/integration_test/logistic_regressor_fitting_integration_test.dart -------------------------------------------------------------------------------- /test/classifier/logistic_regressor/integration_test/logistic_regressor_prediction_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/logistic_regressor/integration_test/logistic_regressor_prediction_integration_test.dart -------------------------------------------------------------------------------- /test/classifier/logistic_regressor/integration_test/logistic_regressor_serialization_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/logistic_regressor/integration_test/logistic_regressor_serialization_integration_test.dart -------------------------------------------------------------------------------- /test/classifier/logistic_regressor/unit_test/logistic_regressor_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/logistic_regressor/unit_test/logistic_regressor_impl_test.dart -------------------------------------------------------------------------------- /test/classifier/logistic_regressor/unit_test/logistic_regressor_json_keys_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/logistic_regressor/unit_test/logistic_regressor_json_keys_test.dart -------------------------------------------------------------------------------- /test/classifier/logistic_regressor/unit_test/logistic_regressor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/logistic_regressor/unit_test/logistic_regressor_test.dart -------------------------------------------------------------------------------- /test/classifier/softmax_regressor/integration_test/softmax_regressor_serialization_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/softmax_regressor/integration_test/softmax_regressor_serialization_integration_test.dart -------------------------------------------------------------------------------- /test/classifier/softmax_regressor/unit_test/softmax_regressor_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/softmax_regressor/unit_test/softmax_regressor_factory_impl_test.dart -------------------------------------------------------------------------------- /test/classifier/softmax_regressor/unit_test/softmax_regressor_factory_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/softmax_regressor/unit_test/softmax_regressor_factory_test.dart -------------------------------------------------------------------------------- /test/classifier/softmax_regressor/unit_test/softmax_regressor_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/softmax_regressor/unit_test/softmax_regressor_impl_test.dart -------------------------------------------------------------------------------- /test/classifier/softmax_regressor/unit_test/softmax_regressor_json_keys_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/classifier/softmax_regressor/unit_test/softmax_regressor_json_keys_test.dart -------------------------------------------------------------------------------- /test/common/distribution_calculator/distribution_calculator_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/common/distribution_calculator/distribution_calculator_impl_test.dart -------------------------------------------------------------------------------- /test/cost_function/cost_function_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/cost_function/cost_function_factory_impl_test.dart -------------------------------------------------------------------------------- /test/cost_function/least_square_cost_function_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/cost_function/least_square_cost_function_test.dart -------------------------------------------------------------------------------- /test/cost_function/log_likelihood_cost_function_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/cost_function/log_likelihood_cost_function_test.dart -------------------------------------------------------------------------------- /test/fake_data_set.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/fake_data_set.dart -------------------------------------------------------------------------------- /test/helpers.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/helpers.dart -------------------------------------------------------------------------------- /test/helpers/add_intercept_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/helpers/add_intercept_test.dart -------------------------------------------------------------------------------- /test/helpers/features_target_split_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/helpers/features_target_split_test.dart -------------------------------------------------------------------------------- /test/knn_kernel/kernel_function_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/knn_kernel/kernel_function_factory_impl_test.dart -------------------------------------------------------------------------------- /test/knn_kernel/kernel_function_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/knn_kernel/kernel_function_test.dart -------------------------------------------------------------------------------- /test/knn_kernel/kernel_json_converter_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/knn_kernel/kernel_json_converter_test.dart -------------------------------------------------------------------------------- /test/knn_solver/knn_solver_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/knn_solver/knn_solver_factory_impl_test.dart -------------------------------------------------------------------------------- /test/knn_solver/knn_solver_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/knn_solver/knn_solver_impl_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/convergence_detector/convergence_detector_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/convergence_detector/convergence_detector_impl_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/coordinate_optimizer/coordinate_descent_optimizer_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/coordinate_optimizer/coordinate_descent_optimizer_integration_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/gradient_optimizer/gradient_optimizer_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/gradient_optimizer/gradient_optimizer_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/gradient_optimizer/learning_rate/iterables/constant_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/gradient_optimizer/learning_rate/iterables/constant_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/gradient_optimizer/learning_rate/iterables/exponential_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/gradient_optimizer/learning_rate/iterables/exponential_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/gradient_optimizer/learning_rate/iterables/step_based_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/gradient_optimizer/learning_rate/iterables/step_based_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/gradient_optimizer/learning_rate/iterables/time_based_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/gradient_optimizer/learning_rate/iterables/time_based_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_type_json_converter_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/gradient_optimizer/learning_rate/learning_rate_type_json_converter_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/initial_coefficients_generator/initial_coefficients_type_json_converter_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/initial_coefficients_generator/initial_coefficients_type_json_converter_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/linear_optimizer_type_json_converter_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/linear_optimizer_type_json_converter_test.dart -------------------------------------------------------------------------------- /test/linear_optimizer/regularization_type_json_converter_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/linear_optimizer/regularization_type_json_converter_test.dart -------------------------------------------------------------------------------- /test/link_function/helpers/from_link_function_json_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/link_function/helpers/from_link_function_json_test.dart -------------------------------------------------------------------------------- /test/link_function/helpers/link_function_to_json_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/link_function/helpers/link_function_to_json_test.dart -------------------------------------------------------------------------------- /test/link_function/inverse_logit_link_function_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/link_function/inverse_logit_link_function_test.dart -------------------------------------------------------------------------------- /test/link_function/link_function_encoded_values_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/link_function/link_function_encoded_values_test.dart -------------------------------------------------------------------------------- /test/link_function/softmax_link_function_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/link_function/softmax_link_function_test.dart -------------------------------------------------------------------------------- /test/majority_tree_data_mock.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/majority_tree_data_mock.dart -------------------------------------------------------------------------------- /test/math/randomizer_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/math/randomizer_test.dart -------------------------------------------------------------------------------- /test/metric/classification/log_loss_metric_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/metric/classification/log_loss_metric_test.dart -------------------------------------------------------------------------------- /test/metric/classification/precision_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/metric/classification/precision_test.dart -------------------------------------------------------------------------------- /test/metric/classification/recall_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/metric/classification/recall_test.dart -------------------------------------------------------------------------------- /test/metric/metric_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/metric/metric_factory_impl_test.dart -------------------------------------------------------------------------------- /test/metric/regression/mape_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/metric/regression/mape_test.dart -------------------------------------------------------------------------------- /test/metric/regression/rss_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/metric/regression/rss_test.dart -------------------------------------------------------------------------------- /test/mocks.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/mocks.dart -------------------------------------------------------------------------------- /test/mocks.mocks.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/mocks.mocks.dart -------------------------------------------------------------------------------- /test/model_selection/cross_validator/cross_validator_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/model_selection/cross_validator/cross_validator_impl_test.dart -------------------------------------------------------------------------------- /test/model_selection/cross_validator/cross_validator_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/model_selection/cross_validator/cross_validator_test.dart -------------------------------------------------------------------------------- /test/model_selection/model_assessor/classifier_assessor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/model_selection/model_assessor/classifier_assessor_test.dart -------------------------------------------------------------------------------- /test/model_selection/model_assessor/regressor_assessor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/model_selection/model_assessor/regressor_assessor_test.dart -------------------------------------------------------------------------------- /test/model_selection/split_data_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/model_selection/split_data_test.dart -------------------------------------------------------------------------------- /test/model_selection/split_indices_provider/k_fold_split_indices_provider_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/model_selection/split_indices_provider/k_fold_split_indices_provider_test.dart -------------------------------------------------------------------------------- /test/model_selection/split_indices_provider/lpo_split_indices_provider_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/model_selection/split_indices_provider/lpo_split_indices_provider_test.dart -------------------------------------------------------------------------------- /test/model_selection/split_indices_provider/split_indices_provider_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/model_selection/split_indices_provider/split_indices_provider_factory_impl_test.dart -------------------------------------------------------------------------------- /test/regressor/knn_regressor/knn_regressor_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/knn_regressor/knn_regressor_factory_impl_test.dart -------------------------------------------------------------------------------- /test/regressor/knn_regressor/knn_regressor_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/knn_regressor/knn_regressor_impl_test.dart -------------------------------------------------------------------------------- /test/regressor/knn_regressor/knn_regressor_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/knn_regressor/knn_regressor_integration_test.dart -------------------------------------------------------------------------------- /test/regressor/knn_regressor/knn_regressor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/knn_regressor/knn_regressor_test.dart -------------------------------------------------------------------------------- /test/regressor/linear_regressor/linear_regressor_closed_form_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/linear_regressor/linear_regressor_closed_form_integration_test.dart -------------------------------------------------------------------------------- /test/regressor/linear_regressor/linear_regressor_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/linear_regressor/linear_regressor_factory_impl_test.dart -------------------------------------------------------------------------------- /test/regressor/linear_regressor/linear_regressor_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/linear_regressor/linear_regressor_impl_test.dart -------------------------------------------------------------------------------- /test/regressor/linear_regressor/linear_regressor_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/linear_regressor/linear_regressor_integration_test.dart -------------------------------------------------------------------------------- /test/regressor/linear_regressor/linear_regressor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/regressor/linear_regressor/linear_regressor_test.dart -------------------------------------------------------------------------------- /test/retrieval/kd_tree/kd_tree_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/retrieval/kd_tree/kd_tree_test.dart -------------------------------------------------------------------------------- /test/retrieval/random_binary_projection_searcher/helpers/get_bin_ids_from_binary_representation_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/retrieval/random_binary_projection_searcher/helpers/get_bin_ids_from_binary_representation_test.dart -------------------------------------------------------------------------------- /test/retrieval/random_binary_projection_searcher/helpers/get_binary_representation_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/retrieval/random_binary_projection_searcher/helpers/get_binary_representation_test.dart -------------------------------------------------------------------------------- /test/retrieval/random_binary_projection_searcher/helpers/group_indices_by_bins_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/retrieval/random_binary_projection_searcher/helpers/group_indices_by_bins_test.dart -------------------------------------------------------------------------------- /test/retrieval/random_binary_projection_searcher/random_binary_projection_searcher_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/retrieval/random_binary_projection_searcher/random_binary_projection_searcher_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/leaf_detector/leaf_detector_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/leaf_detector/leaf_detector_factory_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/leaf_detector/leaf_detector_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/leaf_detector/leaf_detector_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/leaf_label/leaf_label_factory_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/leaf_label/leaf_label_factory_factory_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/leaf_label/leaf_label_json_keys_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/leaf_label/leaf_label_json_keys_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/leaf_label/leaf_label_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/leaf_label/leaf_label_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/leaf_label/majority_leaf_label_factory_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/leaf_label/majority_leaf_label_factory_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/split_selector/greedy_split_selector_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/split_selector/greedy_split_selector_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/split_selector/split_selector_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/split_selector/split_selector_factory_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/splitter/greedy_splitter_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/splitter/greedy_splitter_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/splitter/nominal_splitter/nominal_splitter_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/splitter/nominal_splitter/nominal_splitter_factory_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/splitter/nominal_splitter/nominal_splitter_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/splitter/nominal_splitter/nominal_splitter_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/splitter/numerical_splitter/numerical_splitter_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/splitter/numerical_splitter/numerical_splitter_factory_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/splitter/numerical_splitter/numerical_splitter_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/splitter/numerical_splitter/numerical_splitter_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/splitter/splitter_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/splitter/splitter_factory_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/test_utils.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/test_utils.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_assessor/gini_index_tree_assessor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_assessor/gini_index_tree_assessor_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_assessor/helpers/from_tree_assessor_type_json_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_assessor/helpers/from_tree_assessor_type_json_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_assessor/helpers/to_tree_assessor_type_json_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_assessor/helpers/to_tree_assessor_type_json_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_assessor/majority_tree_assesor_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_assessor/majority_tree_assesor_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_assessor/tree_assessor_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_assessor/tree_assessor_factory_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_node/splitting_predicate/_helper/get_tree_node_splitting_predicate_by_type_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_node/splitting_predicate/_helper/get_tree_node_splitting_predicate_by_type_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_node/splitting_predicate/from_tree_node_splitting_predicate_type_json_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_node/splitting_predicate/from_tree_node_splitting_predicate_type_json_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_node/splitting_predicate/tree_node_splitting_predicate_type_encoded_values_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_node/splitting_predicate/tree_node_splitting_predicate_type_encoded_values_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_node/splitting_predicate/tree_node_splitting_type_to_json_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_node/splitting_predicate/tree_node_splitting_type_to_json_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_node/tree.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_node/tree.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_node/tree_node_json_keys_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_node/tree_node_json_keys_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_node/tree_node_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_node/tree_node_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_node/tree_node_test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_node/tree_node_test.json -------------------------------------------------------------------------------- /test/tree_trainer/tree_trainer_factory_impl_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_trainer_factory_impl_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_trainer_integration_test.dart: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_trainer_integration_test.dart -------------------------------------------------------------------------------- /test/tree_trainer/tree_trainer_integration_test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gyrdym/ml_algo/HEAD/test/tree_trainer/tree_trainer_integration_test.json --------------------------------------------------------------------------------