From 56fc9b87d8957615a45bf6e52087d0e752d49c44 Mon Sep 17 00:00:00 2001 From: Ryan Curtin Date: Sun, 30 Oct 2016 22:06:30 +0900 Subject: [PATCH 01/35] Update version numbers for branch. --- Doxyfile | 2 +- HISTORY.md | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/Doxyfile b/Doxyfile index e602ac3396f..fa559ba8c95 100644 --- a/Doxyfile +++ b/Doxyfile @@ -4,7 +4,7 @@ # Project related configuration options #--------------------------------------------------------------------------- PROJECT_NAME = mlpack -PROJECT_NUMBER = master +PROJECT_NUMBER = 2.1.x OUTPUT_DIRECTORY = ./doc CREATE_SUBDIRS = NO OUTPUT_LANGUAGE = English diff --git a/HISTORY.md b/HISTORY.md index 21b4e192253..51af3b41885 100644 --- a/HISTORY.md +++ b/HISTORY.md @@ -1,4 +1,4 @@ -### mlpack 2.x.x +### mlpack 2.1.x ###### 2016-??-?? * Fixed CoverTree to properly handle single-point datasets. From 5c1cb8b90e62bf126121c0baa5572387c3f32674 Mon Sep 17 00:00:00 2001 From: Ryan Curtin Date: Mon, 31 Oct 2016 22:06:50 +0900 Subject: [PATCH 02/35] Update documentation version. --- Doxyfile | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/Doxyfile b/Doxyfile index fa559ba8c95..adfbd2203e0 100644 --- a/Doxyfile +++ b/Doxyfile @@ -4,7 +4,7 @@ # Project related configuration options #--------------------------------------------------------------------------- PROJECT_NAME = mlpack -PROJECT_NUMBER = 2.1.x +PROJECT_NUMBER = 2.1.0 OUTPUT_DIRECTORY = ./doc CREATE_SUBDIRS = NO OUTPUT_LANGUAGE = English From 8aa24482b27746d6f301216e964454b6727457dd Mon Sep 17 00:00:00 2001 From: Ryan Curtin Date: Mon, 31 Oct 2016 22:07:00 +0900 Subject: [PATCH 03/35] Update latest stable version information. --- HISTORY.md | 4 ++-- README.md | 2 +- doc/guide/build.hpp | 4 ++-- 3 files changed, 5 insertions(+), 5 deletions(-) diff --git a/HISTORY.md b/HISTORY.md index 6ec824438e5..7addaab4b8e 100644 --- a/HISTORY.md +++ b/HISTORY.md @@ -1,5 +1,5 @@ -### mlpack 2.1.x -###### 2016-??-?? +### mlpack 2.1.0 +###### 2016-10-31 * Fixed CoverTree to properly handle single-point datasets. * Fixed a bug in CosineTree (and thus QUIC-SVD) that caused split failures for diff --git a/README.md b/README.md index 80b572f9954..7876463594f 100644 --- a/README.md +++ b/README.md @@ -6,7 +6,7 @@ a machine learning analog to LAPACK. It aims to implement a wide array of machine learning methods and functions as a "swiss army knife" for machine learning researchers. -**Download [current stable version (2.0.3)](http://www.mlpack.org/files/mlpack-2.0.3.tar.gz).** +**Download [current stable version (2.1.0)](http://www.mlpack.org/files/mlpack-2.1.0.tar.gz).** [![Build Status](http://masterblaster.mlpack.org/job/mlpack%20-%20git%20commit%20test/badge/icon)](http://masterblaster.mlpack.org/job/mlpack%20-%20git%20commit%20test/) Build status [![Coverage Status](https://coveralls.io/repos/github/mlpack/mlpack/badge.svg?branch=master)](https://coveralls.io/github/mlpack/mlpack?branch=master) diff --git a/doc/guide/build.hpp b/doc/guide/build.hpp index d178d8b73de..c46bb74a890 100644 --- a/doc/guide/build.hpp +++ b/doc/guide/build.hpp @@ -23,14 +23,14 @@ href="http://keon.io/mlpack-on-windows.html">Keon's excellent tutorial. @section Download latest mlpack build Download latest mlpack build from here: -mlpack-2.0.3 +mlpack-2.1.0 @section builddir Creating Build Directory Once the mlpack source is unpacked, you should create a build directory. @code -$ cd mlpack-2.0.3 +$ cd mlpack-2.1.0 $ mkdir build @endcode From 775b4d89d9a8b3cf8a64560969eea703fabe1f66 Mon Sep 17 00:00:00 2001 From: Ryan Curtin Date: Mon, 31 Oct 2016 22:07:43 +0900 Subject: [PATCH 04/35] Update soversion. --- src/mlpack/CMakeLists.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/src/mlpack/CMakeLists.txt b/src/mlpack/CMakeLists.txt index 0aad986d5fe..c5caca19568 100644 --- a/src/mlpack/CMakeLists.txt +++ b/src/mlpack/CMakeLists.txt @@ -47,7 +47,7 @@ target_link_libraries(mlpack set_target_properties(mlpack PROPERTIES - VERSION 2.0 + VERSION 2.1 SOVERSION 2 ) From 04cb01f02701de1ceed3045580d97e1bd2e966e8 Mon Sep 17 00:00:00 2001 From: Ryan Curtin Date: Mon, 31 Oct 2016 22:08:33 +0900 Subject: [PATCH 05/35] Update version strings. --- src/mlpack/core/util/version.hpp | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/src/mlpack/core/util/version.hpp b/src/mlpack/core/util/version.hpp index f883f8d8fe8..ff5a404dc2a 100644 --- a/src/mlpack/core/util/version.hpp +++ b/src/mlpack/core/util/version.hpp @@ -12,14 +12,14 @@ // The version of mlpack. If this is a git repository, this will be a version // with higher number than the most recent release. #define MLPACK_VERSION_MAJOR 2 -#define MLPACK_VERSION_MINOR 0 -#define MLPACK_VERSION_PATCH "x" +#define MLPACK_VERSION_MINOR 1 +#define MLPACK_VERSION_PATCH 0 // Reverse compatibility; these macros will be removed in future versions of // mlpack (3.0.0 and newer)! #define __MLPACK_VERSION_MAJOR 2 -#define __MLPACK_VERSION_MINOR 0 -#define __MLPACK_VERSION_PATCH "x" +#define __MLPACK_VERSION_MINOR 1 +#define __MLPACK_VERSION_PATCH 0 // The name of the version (for use by --version). namespace mlpack { From 7aaa8feb33db767439dd11182b51510873621d09 Mon Sep 17 00:00:00 2001 From: Ryan Curtin Date: Mon, 31 Oct 2016 22:27:07 +0900 Subject: [PATCH 06/35] Add BSD license to most files. --- src/mlpack/core.hpp | 5 +++++ src/mlpack/methods/adaboost/adaboost.hpp | 5 +++++ src/mlpack/methods/adaboost/adaboost_impl.hpp | 5 +++++ src/mlpack/methods/adaboost/adaboost_main.cpp | 5 +++++ src/mlpack/methods/amf/amf.hpp | 5 +++++ src/mlpack/methods/amf/amf_impl.hpp | 5 +++++ src/mlpack/methods/amf/init_rules/average_init.hpp | 5 +++++ src/mlpack/methods/amf/init_rules/given_init.hpp | 5 +++++ src/mlpack/methods/amf/init_rules/random_acol_init.hpp | 5 +++++ src/mlpack/methods/amf/init_rules/random_init.hpp | 5 +++++ .../complete_incremental_termination.hpp | 5 +++++ .../incomplete_incremental_termination.hpp | 5 +++++ .../termination_policies/max_iteration_termination.hpp | 5 +++++ .../simple_residue_termination.hpp | 5 +++++ .../simple_tolerance_termination.hpp | 5 +++++ .../validation_RMSE_termination.hpp | 5 +++++ src/mlpack/methods/amf/update_rules/nmf_als.hpp | 5 +++++ src/mlpack/methods/amf/update_rules/nmf_mult_dist.hpp | 5 +++++ src/mlpack/methods/amf/update_rules/nmf_mult_div.hpp | 5 +++++ .../methods/amf/update_rules/svd_batch_learning.hpp | 5 +++++ .../update_rules/svd_complete_incremental_learning.hpp | 5 +++++ .../svd_incomplete_incremental_learning.hpp | 5 +++++ .../ann/activation_functions/identity_function.hpp | 5 +++++ .../ann/activation_functions/logistic_function.hpp | 5 +++++ .../ann/activation_functions/rectifier_function.hpp | 5 +++++ .../ann/activation_functions/softsign_function.hpp | 5 +++++ .../methods/ann/activation_functions/tanh_function.hpp | 5 +++++ src/mlpack/methods/ann/cnn.hpp | 5 +++++ src/mlpack/methods/ann/cnn_impl.hpp | 5 +++++ .../methods/ann/convolution_rules/border_modes.hpp | 5 +++++ .../methods/ann/convolution_rules/fft_convolution.hpp | 5 +++++ .../ann/convolution_rules/naive_convolution.hpp | 5 +++++ .../methods/ann/convolution_rules/svd_convolution.hpp | 5 +++++ src/mlpack/methods/ann/ffn.hpp | 5 +++++ src/mlpack/methods/ann/ffn_impl.hpp | 5 +++++ .../init_rules/kathirvalavakumar_subavathi_init.hpp | 5 +++++ .../methods/ann/init_rules/nguyen_widrow_init.hpp | 5 +++++ src/mlpack/methods/ann/init_rules/oivs_init.hpp | 5 +++++ src/mlpack/methods/ann/init_rules/orthogonal_init.hpp | 5 +++++ src/mlpack/methods/ann/init_rules/random_init.hpp | 5 +++++ src/mlpack/methods/ann/init_rules/zero_init.hpp | 5 +++++ src/mlpack/methods/ann/layer/base_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/bias_layer.hpp | 5 +++++ .../methods/ann/layer/binary_classification_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/constant_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/conv_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/dropconnect_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/dropout_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/empty_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/glimpse_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/hard_tanh_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/layer_traits.hpp | 5 +++++ src/mlpack/methods/ann/layer/leaky_relu_layer.hpp | 7 ++++++- src/mlpack/methods/ann/layer/linear_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/log_softmax_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/lstm_layer.hpp | 5 +++++ .../ann/layer/multiclass_classification_layer.hpp | 5 +++++ .../methods/ann/layer/multiply_constant_layer.hpp | 5 +++++ .../ann/layer/negative_log_likelihood_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/one_hot_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/pooling_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/recurrent_layer.hpp | 5 +++++ .../methods/ann/layer/reinforce_normal_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/softmax_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/sparse_bias_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/sparse_input_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/sparse_output_layer.hpp | 5 +++++ src/mlpack/methods/ann/layer/vr_class_reward_layer.hpp | 5 +++++ src/mlpack/methods/ann/network_traits.hpp | 5 +++++ src/mlpack/methods/ann/network_util.hpp | 5 +++++ src/mlpack/methods/ann/network_util_impl.hpp | 5 +++++ .../methods/ann/performance_functions/cee_function.hpp | 5 +++++ .../methods/ann/performance_functions/mse_function.hpp | 5 +++++ .../ann/performance_functions/sparse_function.hpp | 5 +++++ .../methods/ann/performance_functions/sse_function.hpp | 5 +++++ src/mlpack/methods/ann/pooling_rules/max_pooling.hpp | 5 +++++ src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp | 5 +++++ src/mlpack/methods/ann/rnn.hpp | 5 +++++ src/mlpack/methods/ann/rnn_impl.hpp | 5 +++++ src/mlpack/methods/approx_kfn/approx_kfn_main.cpp | 5 +++++ src/mlpack/methods/approx_kfn/drusilla_select.hpp | 5 +++++ src/mlpack/methods/approx_kfn/drusilla_select_impl.hpp | 5 +++++ src/mlpack/methods/approx_kfn/qdafn.hpp | 5 +++++ src/mlpack/methods/approx_kfn/qdafn_impl.hpp | 5 +++++ src/mlpack/methods/approx_kfn/qdafn_main.cpp | 5 +++++ src/mlpack/methods/cf/cf.cpp | 5 +++++ src/mlpack/methods/cf/cf.hpp | 5 +++++ src/mlpack/methods/cf/cf_impl.hpp | 5 +++++ src/mlpack/methods/cf/cf_main.cpp | 5 +++++ src/mlpack/methods/cf/svd_wrapper.hpp | 5 +++++ src/mlpack/methods/cf/svd_wrapper_impl.hpp | 5 +++++ src/mlpack/methods/decision_stump/decision_stump.hpp | 5 +++++ .../methods/decision_stump/decision_stump_impl.hpp | 5 +++++ .../methods/decision_stump/decision_stump_main.cpp | 5 +++++ src/mlpack/methods/det/det_main.cpp | 5 +++++ src/mlpack/methods/det/dt_utils.cpp | 5 +++++ src/mlpack/methods/det/dt_utils.hpp | 5 +++++ src/mlpack/methods/det/dtree.cpp | 5 +++++ src/mlpack/methods/det/dtree.hpp | 5 +++++ src/mlpack/methods/emst/dtb.hpp | 5 +++++ src/mlpack/methods/emst/dtb_impl.hpp | 5 +++++ src/mlpack/methods/emst/dtb_rules.hpp | 5 +++++ src/mlpack/methods/emst/dtb_rules_impl.hpp | 5 +++++ src/mlpack/methods/emst/dtb_stat.hpp | 5 +++++ src/mlpack/methods/emst/edge_pair.hpp | 5 +++++ src/mlpack/methods/emst/emst_main.cpp | 5 +++++ src/mlpack/methods/emst/union_find.hpp | 5 +++++ src/mlpack/methods/fastmks/fastmks.hpp | 5 +++++ src/mlpack/methods/fastmks/fastmks_impl.hpp | 5 +++++ src/mlpack/methods/fastmks/fastmks_main.cpp | 5 +++++ src/mlpack/methods/fastmks/fastmks_model.cpp | 5 +++++ src/mlpack/methods/fastmks/fastmks_model.hpp | 5 +++++ src/mlpack/methods/fastmks/fastmks_model_impl.hpp | 5 +++++ src/mlpack/methods/fastmks/fastmks_rules.hpp | 5 +++++ src/mlpack/methods/fastmks/fastmks_rules_impl.hpp | 5 +++++ src/mlpack/methods/fastmks/fastmks_stat.hpp | 5 +++++ src/mlpack/methods/gmm/diagonal_constraint.hpp | 5 +++++ src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp | 5 +++++ src/mlpack/methods/gmm/em_fit.hpp | 5 +++++ src/mlpack/methods/gmm/em_fit_impl.hpp | 5 +++++ src/mlpack/methods/gmm/gmm.cpp | 5 +++++ src/mlpack/methods/gmm/gmm.hpp | 5 +++++ src/mlpack/methods/gmm/gmm_generate_main.cpp | 5 +++++ src/mlpack/methods/gmm/gmm_impl.hpp | 5 +++++ src/mlpack/methods/gmm/gmm_probability_main.cpp | 5 +++++ src/mlpack/methods/gmm/gmm_train_main.cpp | 5 +++++ src/mlpack/methods/gmm/no_constraint.hpp | 5 +++++ .../methods/gmm/positive_definite_constraint.hpp | 5 +++++ src/mlpack/methods/hmm/hmm.hpp | 5 +++++ src/mlpack/methods/hmm/hmm_generate_main.cpp | 5 +++++ src/mlpack/methods/hmm/hmm_impl.hpp | 5 +++++ src/mlpack/methods/hmm/hmm_loglik_main.cpp | 5 +++++ src/mlpack/methods/hmm/hmm_regression.hpp | 5 +++++ src/mlpack/methods/hmm/hmm_regression_impl.hpp | 5 +++++ src/mlpack/methods/hmm/hmm_train_main.cpp | 5 +++++ src/mlpack/methods/hmm/hmm_util.hpp | 5 +++++ src/mlpack/methods/hmm/hmm_util_impl.hpp | 5 +++++ src/mlpack/methods/hmm/hmm_viterbi_main.cpp | 5 +++++ .../methods/hoeffding_trees/binary_numeric_split.hpp | 5 +++++ .../hoeffding_trees/binary_numeric_split_impl.hpp | 5 +++++ .../hoeffding_trees/binary_numeric_split_info.hpp | 5 +++++ .../methods/hoeffding_trees/categorical_split_info.hpp | 5 +++++ src/mlpack/methods/hoeffding_trees/gini_impurity.hpp | 5 +++++ .../hoeffding_trees/hoeffding_categorical_split.hpp | 5 +++++ .../hoeffding_categorical_split_impl.hpp | 5 +++++ .../hoeffding_trees/hoeffding_numeric_split.hpp | 5 +++++ .../hoeffding_trees/hoeffding_numeric_split_impl.hpp | 5 +++++ src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp | 5 +++++ .../methods/hoeffding_trees/hoeffding_tree_impl.hpp | 5 +++++ .../methods/hoeffding_trees/hoeffding_tree_main.cpp | 5 +++++ .../methods/hoeffding_trees/information_gain.hpp | 5 +++++ .../methods/hoeffding_trees/numeric_split_info.hpp | 5 +++++ src/mlpack/methods/hoeffding_trees/typedef.hpp | 5 +++++ src/mlpack/methods/kernel_pca/kernel_pca.hpp | 5 +++++ src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp | 5 +++++ src/mlpack/methods/kernel_pca/kernel_pca_main.cpp | 5 +++++ .../methods/kernel_pca/kernel_rules/naive_method.hpp | 5 +++++ .../kernel_pca/kernel_rules/nystroem_method.hpp | 5 +++++ src/mlpack/methods/kmeans/allow_empty_clusters.hpp | 5 +++++ src/mlpack/methods/kmeans/dual_tree_kmeans.hpp | 5 +++++ src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp | 5 +++++ src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp | 5 +++++ .../methods/kmeans/dual_tree_kmeans_rules_impl.hpp | 5 +++++ .../methods/kmeans/dual_tree_kmeans_statistic.hpp | 5 +++++ src/mlpack/methods/kmeans/elkan_kmeans.hpp | 5 +++++ src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp | 5 +++++ src/mlpack/methods/kmeans/hamerly_kmeans.hpp | 5 +++++ src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp | 5 +++++ src/mlpack/methods/kmeans/kill_empty_clusters.hpp | 5 +++++ src/mlpack/methods/kmeans/kmeans.hpp | 5 +++++ src/mlpack/methods/kmeans/kmeans_impl.hpp | 5 +++++ src/mlpack/methods/kmeans/kmeans_main.cpp | 5 +++++ src/mlpack/methods/kmeans/max_variance_new_cluster.hpp | 5 +++++ .../methods/kmeans/max_variance_new_cluster_impl.hpp | 5 +++++ src/mlpack/methods/kmeans/naive_kmeans.hpp | 5 +++++ src/mlpack/methods/kmeans/naive_kmeans_impl.hpp | 5 +++++ src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp | 5 +++++ src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp | 5 +++++ .../methods/kmeans/pelleg_moore_kmeans_rules.hpp | 5 +++++ .../methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp | 5 +++++ .../methods/kmeans/pelleg_moore_kmeans_statistic.hpp | 5 +++++ src/mlpack/methods/kmeans/random_partition.hpp | 5 +++++ src/mlpack/methods/kmeans/refined_start.hpp | 5 +++++ src/mlpack/methods/kmeans/refined_start_impl.hpp | 5 +++++ src/mlpack/methods/kmeans/sample_initialization.hpp | 5 +++++ src/mlpack/methods/lars/lars.cpp | 5 +++++ src/mlpack/methods/lars/lars.hpp | 5 +++++ src/mlpack/methods/lars/lars_impl.hpp | 5 +++++ src/mlpack/methods/lars/lars_main.cpp | 5 +++++ .../methods/linear_regression/linear_regression.cpp | 5 +++++ .../methods/linear_regression/linear_regression.hpp | 5 +++++ .../linear_regression/linear_regression_main.cpp | 5 +++++ src/mlpack/methods/local_coordinate_coding/lcc.cpp | 5 +++++ src/mlpack/methods/local_coordinate_coding/lcc.hpp | 5 +++++ .../methods/local_coordinate_coding/lcc_impl.hpp | 5 +++++ .../local_coordinate_coding_main.cpp | 5 +++++ .../logistic_regression/logistic_regression.hpp | 5 +++++ .../logistic_regression_function.hpp | 5 +++++ .../logistic_regression_function_impl.hpp | 5 +++++ .../logistic_regression/logistic_regression_impl.hpp | 5 +++++ .../logistic_regression/logistic_regression_main.cpp | 5 +++++ src/mlpack/methods/lsh/lsh_main.cpp | 5 +++++ src/mlpack/methods/lsh/lsh_search.hpp | 5 +++++ src/mlpack/methods/lsh/lsh_search_impl.hpp | 5 +++++ .../methods/matrix_completion/matrix_completion.cpp | 5 +++++ .../methods/matrix_completion/matrix_completion.hpp | 5 +++++ src/mlpack/methods/mean_shift/mean_shift.hpp | 5 +++++ src/mlpack/methods/mean_shift/mean_shift_impl.hpp | 5 +++++ src/mlpack/methods/mean_shift/mean_shift_main.cpp | 5 +++++ src/mlpack/methods/mvu/mvu.cpp | 5 +++++ src/mlpack/methods/mvu/mvu.hpp | 5 +++++ src/mlpack/methods/mvu/mvu_main.cpp | 5 +++++ .../methods/naive_bayes/naive_bayes_classifier.hpp | 5 +++++ .../naive_bayes/naive_bayes_classifier_impl.hpp | 5 +++++ src/mlpack/methods/naive_bayes/nbc_main.cpp | 5 +++++ src/mlpack/methods/nca/nca.hpp | 5 +++++ src/mlpack/methods/nca/nca_impl.hpp | 5 +++++ src/mlpack/methods/nca/nca_main.cpp | 5 +++++ src/mlpack/methods/nca/nca_softmax_error_function.hpp | 5 +++++ .../methods/nca/nca_softmax_error_function_impl.hpp | 5 +++++ src/mlpack/methods/neighbor_search/kfn_main.cpp | 5 +++++ src/mlpack/methods/neighbor_search/knn_main.cpp | 5 +++++ src/mlpack/methods/neighbor_search/neighbor_search.hpp | 5 +++++ .../methods/neighbor_search/neighbor_search_impl.hpp | 5 +++++ .../methods/neighbor_search/neighbor_search_rules.hpp | 5 +++++ .../neighbor_search/neighbor_search_rules_impl.hpp | 5 +++++ .../methods/neighbor_search/neighbor_search_stat.hpp | 5 +++++ src/mlpack/methods/neighbor_search/ns_model.hpp | 5 +++++ src/mlpack/methods/neighbor_search/ns_model_impl.hpp | 5 +++++ .../sort_policies/furthest_neighbor_sort.hpp | 5 +++++ .../sort_policies/furthest_neighbor_sort_impl.hpp | 5 +++++ .../sort_policies/nearest_neighbor_sort.hpp | 5 +++++ .../sort_policies/nearest_neighbor_sort_impl.hpp | 5 +++++ src/mlpack/methods/neighbor_search/typedef.hpp | 5 +++++ src/mlpack/methods/neighbor_search/unmap.cpp | 5 +++++ src/mlpack/methods/neighbor_search/unmap.hpp | 5 +++++ src/mlpack/methods/nmf/nmf_main.cpp | 5 +++++ .../methods/nystroem_method/kmeans_selection.hpp | 5 +++++ src/mlpack/methods/nystroem_method/nystroem_method.hpp | 5 +++++ .../methods/nystroem_method/nystroem_method_impl.hpp | 5 +++++ .../methods/nystroem_method/ordered_selection.hpp | 5 +++++ .../methods/nystroem_method/random_selection.hpp | 5 +++++ .../pca/decomposition_policies/exact_svd_method.hpp | 5 +++++ .../pca/decomposition_policies/quic_svd_method.hpp | 5 +++++ .../decomposition_policies/randomized_svd_method.hpp | 5 +++++ src/mlpack/methods/pca/pca.hpp | 5 +++++ src/mlpack/methods/pca/pca_impl.hpp | 7 ++++++- src/mlpack/methods/pca/pca_main.cpp | 5 +++++ .../perceptron/initialization_methods/random_init.hpp | 5 +++++ .../perceptron/initialization_methods/zero_init.hpp | 5 +++++ .../learning_policies/simple_weight_update.hpp | 5 +++++ src/mlpack/methods/perceptron/perceptron.hpp | 5 +++++ src/mlpack/methods/perceptron/perceptron_impl.hpp | 5 +++++ src/mlpack/methods/perceptron/perceptron_main.cpp | 5 +++++ .../methods/preprocess/preprocess_binarize_main.cpp | 5 +++++ .../methods/preprocess/preprocess_describe_main.cpp | 5 +++++ .../methods/preprocess/preprocess_imputer_main.cpp | 5 +++++ .../methods/preprocess/preprocess_split_main.cpp | 5 +++++ src/mlpack/methods/quic_svd/quic_svd.cpp | 5 +++++ src/mlpack/methods/quic_svd/quic_svd.hpp | 5 +++++ src/mlpack/methods/radical/radical.cpp | 5 +++++ src/mlpack/methods/radical/radical.hpp | 5 +++++ src/mlpack/methods/radical/radical_main.cpp | 5 +++++ src/mlpack/methods/randomized_svd/randomized_svd.cpp | 5 +++++ src/mlpack/methods/randomized_svd/randomized_svd.hpp | 5 +++++ src/mlpack/methods/range_search/range_search.hpp | 5 +++++ src/mlpack/methods/range_search/range_search_impl.hpp | 5 +++++ src/mlpack/methods/range_search/range_search_main.cpp | 5 +++++ src/mlpack/methods/range_search/range_search_rules.hpp | 5 +++++ .../methods/range_search/range_search_rules_impl.hpp | 5 +++++ src/mlpack/methods/range_search/range_search_stat.hpp | 5 +++++ src/mlpack/methods/range_search/rs_model.cpp | 5 +++++ src/mlpack/methods/range_search/rs_model.hpp | 5 +++++ src/mlpack/methods/range_search/rs_model_impl.hpp | 5 +++++ src/mlpack/methods/rann/krann_main.cpp | 5 +++++ src/mlpack/methods/rann/ra_model.hpp | 5 +++++ src/mlpack/methods/rann/ra_model_impl.hpp | 5 +++++ src/mlpack/methods/rann/ra_query_stat.hpp | 5 +++++ src/mlpack/methods/rann/ra_search.hpp | 5 +++++ src/mlpack/methods/rann/ra_search_impl.hpp | 5 +++++ src/mlpack/methods/rann/ra_search_rules.hpp | 5 +++++ src/mlpack/methods/rann/ra_search_rules_impl.hpp | 5 +++++ src/mlpack/methods/rann/ra_typedef.hpp | 5 +++++ src/mlpack/methods/rann/ra_util.cpp | 5 +++++ src/mlpack/methods/rann/ra_util.hpp | 5 +++++ src/mlpack/methods/regularized_svd/regularized_svd.hpp | 5 +++++ .../regularized_svd/regularized_svd_function.cpp | 5 +++++ .../regularized_svd/regularized_svd_function.hpp | 5 +++++ .../methods/regularized_svd/regularized_svd_impl.hpp | 5 +++++ src/mlpack/methods/rmva/rmva.hpp | 5 +++++ src/mlpack/methods/rmva/rmva_impl.hpp | 5 +++++ src/mlpack/methods/rmva/rmva_main.cpp | 5 +++++ .../methods/softmax_regression/softmax_regression.hpp | 5 +++++ .../softmax_regression/softmax_regression_function.cpp | 5 +++++ .../softmax_regression/softmax_regression_function.hpp | 5 +++++ .../softmax_regression/softmax_regression_impl.hpp | 5 +++++ .../softmax_regression/softmax_regression_main.cpp | 10 ++++++++++ .../methods/sparse_autoencoder/maximal_inputs.cpp | 5 +++++ .../methods/sparse_autoencoder/maximal_inputs.hpp | 5 +++++ .../methods/sparse_autoencoder/sparse_autoencoder.hpp | 5 +++++ .../sparse_autoencoder/sparse_autoencoder_function.cpp | 5 +++++ .../sparse_autoencoder/sparse_autoencoder_function.hpp | 5 +++++ .../sparse_autoencoder/sparse_autoencoder_impl.hpp | 5 +++++ .../data_dependent_random_initializer.hpp | 5 +++++ .../methods/sparse_coding/nothing_initializer.hpp | 5 +++++ .../methods/sparse_coding/random_initializer.hpp | 5 +++++ src/mlpack/methods/sparse_coding/sparse_coding.cpp | 5 +++++ src/mlpack/methods/sparse_coding/sparse_coding.hpp | 5 +++++ .../methods/sparse_coding/sparse_coding_impl.hpp | 5 +++++ .../methods/sparse_coding/sparse_coding_main.cpp | 5 +++++ src/mlpack/prereqs.hpp | 5 +++++ src/mlpack/tests/activation_functions_test.cpp | 5 +++++ src/mlpack/tests/ada_delta_test.cpp | 5 +++++ src/mlpack/tests/adaboost_test.cpp | 5 +++++ src/mlpack/tests/adam_test.cpp | 5 +++++ src/mlpack/tests/akfn_test.cpp | 5 +++++ src/mlpack/tests/aknn_test.cpp | 5 +++++ src/mlpack/tests/arma_extend_test.cpp | 5 +++++ src/mlpack/tests/armadillo_svd_test.cpp | 5 +++++ src/mlpack/tests/aug_lagrangian_test.cpp | 5 +++++ src/mlpack/tests/binarize_test.cpp | 5 +++++ src/mlpack/tests/cf_test.cpp | 5 +++++ src/mlpack/tests/cli_test.cpp | 5 +++++ src/mlpack/tests/convolution_test.cpp | 5 +++++ src/mlpack/tests/convolutional_network_test.cpp | 5 +++++ src/mlpack/tests/cosine_tree_test.cpp | 5 +++++ src/mlpack/tests/decision_stump_test.cpp | 5 +++++ src/mlpack/tests/det_test.cpp | 5 +++++ src/mlpack/tests/distribution_test.cpp | 5 +++++ src/mlpack/tests/drusilla_select_test.cpp | 5 +++++ src/mlpack/tests/emst_test.cpp | 5 +++++ src/mlpack/tests/fastmks_test.cpp | 5 +++++ src/mlpack/tests/feedforward_network_test.cpp | 5 +++++ src/mlpack/tests/gmm_test.cpp | 5 +++++ src/mlpack/tests/gradient_descent_test.cpp | 5 +++++ src/mlpack/tests/hmm_test.cpp | 5 +++++ src/mlpack/tests/hoeffding_tree_test.cpp | 5 +++++ src/mlpack/tests/hyperplane_test.cpp | 5 +++++ src/mlpack/tests/imputation_test.cpp | 5 +++++ src/mlpack/tests/ind2sub_test.cpp | 5 +++++ src/mlpack/tests/init_rules_test.cpp | 5 +++++ src/mlpack/tests/kernel_pca_test.cpp | 5 +++++ src/mlpack/tests/kernel_test.cpp | 5 +++++ src/mlpack/tests/kernel_traits_test.cpp | 5 +++++ src/mlpack/tests/kfn_test.cpp | 5 +++++ src/mlpack/tests/kmeans_test.cpp | 5 +++++ src/mlpack/tests/knn_test.cpp | 5 +++++ src/mlpack/tests/krann_search_test.cpp | 5 +++++ src/mlpack/tests/lars_test.cpp | 5 +++++ src/mlpack/tests/layer_traits_test.cpp | 5 +++++ src/mlpack/tests/lbfgs_test.cpp | 5 +++++ src/mlpack/tests/lin_alg_test.cpp | 5 +++++ src/mlpack/tests/linear_regression_test.cpp | 5 +++++ src/mlpack/tests/load_save_test.cpp | 5 +++++ src/mlpack/tests/local_coordinate_coding_test.cpp | 5 +++++ src/mlpack/tests/log_test.cpp | 5 +++++ src/mlpack/tests/logistic_regression_test.cpp | 5 +++++ src/mlpack/tests/lrsdp_test.cpp | 5 +++++ src/mlpack/tests/lsh_test.cpp | 5 +++++ src/mlpack/tests/lstm_peephole_test.cpp | 5 +++++ src/mlpack/tests/math_test.cpp | 5 +++++ src/mlpack/tests/matrix_completion_test.cpp | 5 +++++ src/mlpack/tests/maximal_inputs_test.cpp | 5 +++++ src/mlpack/tests/mean_shift_test.cpp | 5 +++++ src/mlpack/tests/metric_test.cpp | 5 +++++ src/mlpack/tests/minibatch_sgd_test.cpp | 5 +++++ src/mlpack/tests/mlpack_test.cpp | 5 +++++ src/mlpack/tests/nbc_test.cpp | 5 +++++ src/mlpack/tests/nca_test.cpp | 5 +++++ src/mlpack/tests/network_util_test.cpp | 5 +++++ src/mlpack/tests/nmf_test.cpp | 5 +++++ src/mlpack/tests/nystroem_method_test.cpp | 5 +++++ src/mlpack/tests/octree_test.cpp | 5 +++++ src/mlpack/tests/pca_test.cpp | 5 +++++ src/mlpack/tests/perceptron_test.cpp | 5 +++++ src/mlpack/tests/performance_functions_test.cpp | 5 +++++ src/mlpack/tests/pooling_rules_test.cpp | 5 +++++ src/mlpack/tests/qdafn_test.cpp | 5 +++++ src/mlpack/tests/quic_svd_test.cpp | 5 +++++ src/mlpack/tests/radical_test.cpp | 5 +++++ src/mlpack/tests/randomized_svd_test.cpp | 5 +++++ src/mlpack/tests/range_search_test.cpp | 5 +++++ src/mlpack/tests/rectangle_tree_test.cpp | 5 +++++ src/mlpack/tests/recurrent_network_test.cpp | 5 +++++ src/mlpack/tests/regularized_svd_test.cpp | 5 +++++ src/mlpack/tests/rmsprop_test.cpp | 5 +++++ src/mlpack/tests/sa_test.cpp | 5 +++++ src/mlpack/tests/sdp_primal_dual_test.cpp | 5 +++++ src/mlpack/tests/serialization.cpp | 5 +++++ src/mlpack/tests/serialization.hpp | 5 +++++ src/mlpack/tests/serialization_test.cpp | 5 +++++ src/mlpack/tests/sgd_test.cpp | 5 +++++ src/mlpack/tests/softmax_regression_test.cpp | 5 +++++ src/mlpack/tests/sort_policy_test.cpp | 5 +++++ src/mlpack/tests/sparse_autoencoder_test.cpp | 5 +++++ src/mlpack/tests/sparse_coding_test.cpp | 5 +++++ src/mlpack/tests/spill_tree_test.cpp | 5 +++++ src/mlpack/tests/split_data_test.cpp | 5 +++++ src/mlpack/tests/svd_batch_test.cpp | 5 +++++ src/mlpack/tests/svd_incremental_test.cpp | 5 +++++ src/mlpack/tests/termination_policy_test.cpp | 5 +++++ src/mlpack/tests/test_tools.hpp | 5 +++++ src/mlpack/tests/tree_test.cpp | 5 +++++ src/mlpack/tests/tree_traits_test.cpp | 5 +++++ src/mlpack/tests/ub_tree_test.cpp | 5 +++++ src/mlpack/tests/union_find_test.cpp | 5 +++++ src/mlpack/tests/vantage_point_tree_test.cpp | 5 +++++ 407 files changed, 2042 insertions(+), 2 deletions(-) diff --git a/src/mlpack/core.hpp b/src/mlpack/core.hpp index 38c1c810c3c..78a1865a130 100644 --- a/src/mlpack/core.hpp +++ b/src/mlpack/core.hpp @@ -3,6 +3,11 @@ * * Include all of the base components required to write MLPACK methods, and the * main MLPACK Doxygen documentation. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_HPP #define MLPACK_CORE_HPP diff --git a/src/mlpack/methods/adaboost/adaboost.hpp b/src/mlpack/methods/adaboost/adaboost.hpp index f8316308978..ec74bb51238 100644 --- a/src/mlpack/methods/adaboost/adaboost.hpp +++ b/src/mlpack/methods/adaboost/adaboost.hpp @@ -19,6 +19,11 @@ * pages = {297--336}, * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ADABOOST_ADABOOST_HPP #define MLPACK_METHODS_ADABOOST_ADABOOST_HPP diff --git a/src/mlpack/methods/adaboost/adaboost_impl.hpp b/src/mlpack/methods/adaboost/adaboost_impl.hpp index 55d77f2880b..07b3b9fadc4 100644 --- a/src/mlpack/methods/adaboost/adaboost_impl.hpp +++ b/src/mlpack/methods/adaboost/adaboost_impl.hpp @@ -17,6 +17,11 @@ * pages = {297--336}, * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ADABOOST_ADABOOST_IMPL_HPP #define MLPACK_METHODS_ADABOOST_ADABOOST_IMPL_HPP diff --git a/src/mlpack/methods/adaboost/adaboost_main.cpp b/src/mlpack/methods/adaboost/adaboost_main.cpp index b90d7e69fda..baa23b4fa42 100644 --- a/src/mlpack/methods/adaboost/adaboost_main.cpp +++ b/src/mlpack/methods/adaboost/adaboost_main.cpp @@ -25,6 +25,11 @@ * keywords = {boosting algorithms, decision trees, multiclass classification, * output coding} * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/amf/amf.hpp b/src/mlpack/methods/amf/amf.hpp index 5dda7932e9e..9cecef92cec 100644 --- a/src/mlpack/methods/amf/amf.hpp +++ b/src/mlpack/methods/amf/amf.hpp @@ -9,6 +9,11 @@ * The AMF (alternating matrix factorization) class, from which more commonly * known techniques such as incremental SVD, NMF, and batch-learning SVD can be * derived. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_AMF_AMF_HPP #define MLPACK_METHODS_AMF_AMF_HPP diff --git a/src/mlpack/methods/amf/amf_impl.hpp b/src/mlpack/methods/amf/amf_impl.hpp index 90c7eabe7a5..8a346b92813 100644 --- a/src/mlpack/methods/amf/amf_impl.hpp +++ b/src/mlpack/methods/amf/amf_impl.hpp @@ -5,6 +5,11 @@ * @author Ryan Curtin * * Implementation of AMF class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ namespace mlpack { namespace amf { diff --git a/src/mlpack/methods/amf/init_rules/average_init.hpp b/src/mlpack/methods/amf/init_rules/average_init.hpp index a876121be20..21404f1eb59 100644 --- a/src/mlpack/methods/amf/init_rules/average_init.hpp +++ b/src/mlpack/methods/amf/init_rules/average_init.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Initialization rule for Alternating Matrix Factorization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_AMF_AVERAGE_INIT_HPP #define MLPACK_METHODS_AMF_AVERAGE_INIT_HPP diff --git a/src/mlpack/methods/amf/init_rules/given_init.hpp b/src/mlpack/methods/amf/init_rules/given_init.hpp index 8100ede9320..c9ee9cc6f14 100644 --- a/src/mlpack/methods/amf/init_rules/given_init.hpp +++ b/src/mlpack/methods/amf/init_rules/given_init.hpp @@ -4,6 +4,11 @@ * * Initialization rule for alternating matrix factorization (AMF). This simple * initialization is performed by assigning a given matrix to W and H. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_AMF_INIT_RULES_GIVEN_INIT_HPP #define MLPACK_METHODS_AMF_INIT_RULES_GIVEN_INIT_HPP diff --git a/src/mlpack/methods/amf/init_rules/random_acol_init.hpp b/src/mlpack/methods/amf/init_rules/random_acol_init.hpp index 10a072fd1e6..dad9bc8c6a7 100644 --- a/src/mlpack/methods/amf/init_rules/random_acol_init.hpp +++ b/src/mlpack/methods/amf/init_rules/random_acol_init.hpp @@ -3,6 +3,11 @@ * @author Mohan Rajendran * * Initialization rule for Alternating Matrix Factorization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LMF_RANDOM_ACOL_INIT_HPP #define MLPACK_METHODS_LMF_RANDOM_ACOL_INIT_HPP diff --git a/src/mlpack/methods/amf/init_rules/random_init.hpp b/src/mlpack/methods/amf/init_rules/random_init.hpp index 57ce7daff13..77b19cd3a1c 100644 --- a/src/mlpack/methods/amf/init_rules/random_init.hpp +++ b/src/mlpack/methods/amf/init_rules/random_init.hpp @@ -4,6 +4,11 @@ * * Initialization rule for alternating matrix factorization (AMF). This simple * initialization is performed by assigning a random matrix to W and H. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LMF_RANDOM_INIT_HPP #define MLPACK_METHODS_LMF_RANDOM_INIT_HPP diff --git a/src/mlpack/methods/amf/termination_policies/complete_incremental_termination.hpp b/src/mlpack/methods/amf/termination_policies/complete_incremental_termination.hpp index 27040f6da98..479acbef4f4 100644 --- a/src/mlpack/methods/amf/termination_policies/complete_incremental_termination.hpp +++ b/src/mlpack/methods/amf/termination_policies/complete_incremental_termination.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Termination policy used in AMF (Alternating Matrix Factorization). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_AMF_COMPLETE_INCREMENTAL_TERMINATION_HPP #define MLPACK_METHODS_AMF_COMPLETE_INCREMENTAL_TERMINATION_HPP diff --git a/src/mlpack/methods/amf/termination_policies/incomplete_incremental_termination.hpp b/src/mlpack/methods/amf/termination_policies/incomplete_incremental_termination.hpp index 944677ee196..4b51255dfd5 100644 --- a/src/mlpack/methods/amf/termination_policies/incomplete_incremental_termination.hpp +++ b/src/mlpack/methods/amf/termination_policies/incomplete_incremental_termination.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Termination policy used in AMF (Alternating Matrix Factorization). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef _MLPACK_METHODS_AMF_INCOMPLETE_INCREMENTAL_TERMINATION_HPP #define _MLPACK_METHODS_AMF_INCOMPLETE_INCREMENTAL_TERMINATION_HPP diff --git a/src/mlpack/methods/amf/termination_policies/max_iteration_termination.hpp b/src/mlpack/methods/amf/termination_policies/max_iteration_termination.hpp index e971af2bea2..622a6b564f3 100644 --- a/src/mlpack/methods/amf/termination_policies/max_iteration_termination.hpp +++ b/src/mlpack/methods/amf/termination_policies/max_iteration_termination.hpp @@ -4,6 +4,11 @@ * * A termination policy which only terminates when the maximum number of * iterations is reached. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_AMF_TERMINATION_POLICIES_MAX_ITERATION_TERMINATION_HPP #define MLPACK_METHODS_AMF_TERMINATION_POLICIES_MAX_ITERATION_TERMINATION_HPP diff --git a/src/mlpack/methods/amf/termination_policies/simple_residue_termination.hpp b/src/mlpack/methods/amf/termination_policies/simple_residue_termination.hpp index 5f4d6fbdb24..551cf942fa8 100644 --- a/src/mlpack/methods/amf/termination_policies/simple_residue_termination.hpp +++ b/src/mlpack/methods/amf/termination_policies/simple_residue_termination.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Termination policy used in AMF (Alternating Matrix Factorization). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef _MLPACK_METHODS_AMF_SIMPLERESIDUETERMINATION_HPP_INCLUDED #define _MLPACK_METHODS_AMF_SIMPLERESIDUETERMINATION_HPP_INCLUDED diff --git a/src/mlpack/methods/amf/termination_policies/simple_tolerance_termination.hpp b/src/mlpack/methods/amf/termination_policies/simple_tolerance_termination.hpp index dbb2c38b16e..62445df8577 100644 --- a/src/mlpack/methods/amf/termination_policies/simple_tolerance_termination.hpp +++ b/src/mlpack/methods/amf/termination_policies/simple_tolerance_termination.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Termination policy used in AMF (Alternating Matrix Factorization). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef _MLPACK_METHODS_AMF_SIMPLE_TOLERANCE_TERMINATION_HPP_INCLUDED #define _MLPACK_METHODS_AMF_SIMPLE_TOLERANCE_TERMINATION_HPP_INCLUDED diff --git a/src/mlpack/methods/amf/termination_policies/validation_RMSE_termination.hpp b/src/mlpack/methods/amf/termination_policies/validation_RMSE_termination.hpp index 2f80ce5479a..961a3326963 100644 --- a/src/mlpack/methods/amf/termination_policies/validation_RMSE_termination.hpp +++ b/src/mlpack/methods/amf/termination_policies/validation_RMSE_termination.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Termination policy used in AMF (Alternating Matrix Factorization). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef _MLPACK_METHODS_AMF_VALIDATIONRMSETERMINATION_HPP_INCLUDED #define _MLPACK_METHODS_AMF_VALIDATIONRMSETERMINATION_HPP_INCLUDED diff --git a/src/mlpack/methods/amf/update_rules/nmf_als.hpp b/src/mlpack/methods/amf/update_rules/nmf_als.hpp index 955d4f4327b..1ca4e20809a 100644 --- a/src/mlpack/methods/amf/update_rules/nmf_als.hpp +++ b/src/mlpack/methods/amf/update_rules/nmf_als.hpp @@ -3,6 +3,11 @@ * @author Mohan Rajendran * * Update rules for the Non-negative Matrix Factorization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LMF_UPDATE_RULES_NMF_ALS_HPP #define MLPACK_METHODS_LMF_UPDATE_RULES_NMF_ALS_HPP diff --git a/src/mlpack/methods/amf/update_rules/nmf_mult_dist.hpp b/src/mlpack/methods/amf/update_rules/nmf_mult_dist.hpp index 62dd6448ce9..ea08b0cc7d7 100644 --- a/src/mlpack/methods/amf/update_rules/nmf_mult_dist.hpp +++ b/src/mlpack/methods/amf/update_rules/nmf_mult_dist.hpp @@ -3,6 +3,11 @@ * @author Mohan Rajendran * * Update rules for the Non-negative Matrix Factorization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIST_UPDATE_RULES_HPP #define MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIST_UPDATE_RULES_HPP diff --git a/src/mlpack/methods/amf/update_rules/nmf_mult_div.hpp b/src/mlpack/methods/amf/update_rules/nmf_mult_div.hpp index 9aab36650d0..6c2f596a71c 100644 --- a/src/mlpack/methods/amf/update_rules/nmf_mult_div.hpp +++ b/src/mlpack/methods/amf/update_rules/nmf_mult_div.hpp @@ -3,6 +3,11 @@ * @author Mohan Rajendran * * Update rules for the Non-negative Matrix Factorization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIV_HPP #define MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIV_HPP diff --git a/src/mlpack/methods/amf/update_rules/svd_batch_learning.hpp b/src/mlpack/methods/amf/update_rules/svd_batch_learning.hpp index 0a88955cf27..862c7eefd5e 100644 --- a/src/mlpack/methods/amf/update_rules/svd_batch_learning.hpp +++ b/src/mlpack/methods/amf/update_rules/svd_batch_learning.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * SVD factorizer used in AMF (Alternating Matrix Factorization). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_AMF_UPDATE_RULES_SVD_BATCH_LEARNING_HPP #define MLPACK_METHODS_AMF_UPDATE_RULES_SVD_BATCH_LEARNING_HPP diff --git a/src/mlpack/methods/amf/update_rules/svd_complete_incremental_learning.hpp b/src/mlpack/methods/amf/update_rules/svd_complete_incremental_learning.hpp index 56b2522b297..2038fa3187b 100644 --- a/src/mlpack/methods/amf/update_rules/svd_complete_incremental_learning.hpp +++ b/src/mlpack/methods/amf/update_rules/svd_complete_incremental_learning.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * SVD factorizer used in AMF (Alternating Matrix Factorization). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_AMF_SVD_COMPLETE_INCREMENTAL_LEARNING_HPP #define MLPACK_METHODS_AMF_SVD_COMPLETE_INCREMENTAL_LEARNING_HPP diff --git a/src/mlpack/methods/amf/update_rules/svd_incomplete_incremental_learning.hpp b/src/mlpack/methods/amf/update_rules/svd_incomplete_incremental_learning.hpp index a66ed41b1c3..43bce411ccf 100644 --- a/src/mlpack/methods/amf/update_rules/svd_incomplete_incremental_learning.hpp +++ b/src/mlpack/methods/amf/update_rules/svd_incomplete_incremental_learning.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * SVD factorizer used in AMF (Alternating Matrix Factorization). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_AMF_SVD_INCOMPLETE_INCREMENTAL_LEARNING_HPP #define MLPACK_METHODS_AMF_SVD_INCOMPLETE_INCREMENTAL_LEARNING_HPP diff --git a/src/mlpack/methods/ann/activation_functions/identity_function.hpp b/src/mlpack/methods/ann/activation_functions/identity_function.hpp index ac418a90fac..7a75b1e9db0 100644 --- a/src/mlpack/methods/ann/activation_functions/identity_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/identity_function.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition and implementation of the identity function. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_IDENTITY_FUNCTION_HPP #define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_IDENTITY_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/activation_functions/logistic_function.hpp b/src/mlpack/methods/ann/activation_functions/logistic_function.hpp index 9105473ffc2..922b14cfa43 100644 --- a/src/mlpack/methods/ann/activation_functions/logistic_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/logistic_function.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition and implementation of the logistic function. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_LOGISTIC_FUNCTION_HPP #define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_LOGISTIC_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/activation_functions/rectifier_function.hpp b/src/mlpack/methods/ann/activation_functions/rectifier_function.hpp index fbf31ee7655..7d97d2c2941 100644 --- a/src/mlpack/methods/ann/activation_functions/rectifier_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/rectifier_function.hpp @@ -14,6 +14,11 @@ * year = {2010} * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_RECTIFIER_FUNCTION_HPP #define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_RECTIFIER_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/activation_functions/softsign_function.hpp b/src/mlpack/methods/ann/activation_functions/softsign_function.hpp index 92a215a6864..2038bf06cee 100644 --- a/src/mlpack/methods/ann/activation_functions/softsign_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/softsign_function.hpp @@ -16,6 +16,11 @@ * year={2010} * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_SOFTSIGN_FUNCTION_HPP #define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_SOFTSIGN_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/activation_functions/tanh_function.hpp b/src/mlpack/methods/ann/activation_functions/tanh_function.hpp index a5e074c092e..64b163495a8 100644 --- a/src/mlpack/methods/ann/activation_functions/tanh_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/tanh_function.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition and implementation of the Tangens Hyperbolic function. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_TANH_FUNCTION_HPP #define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_TANH_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/cnn.hpp b/src/mlpack/methods/ann/cnn.hpp index 7ef71eda129..72e0803f179 100644 --- a/src/mlpack/methods/ann/cnn.hpp +++ b/src/mlpack/methods/ann/cnn.hpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Definition of the CNN class, which implements convolutional neural networks. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_CNN_HPP #define MLPACK_METHODS_ANN_CNN_HPP diff --git a/src/mlpack/methods/ann/cnn_impl.hpp b/src/mlpack/methods/ann/cnn_impl.hpp index fc66c15e729..ba774ba3097 100644 --- a/src/mlpack/methods/ann/cnn_impl.hpp +++ b/src/mlpack/methods/ann/cnn_impl.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the CNN class, which implements convolutional neural networks. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_CNN_IMPL_HPP #define MLPACK_METHODS_ANN_CNN_IMPL_HPP diff --git a/src/mlpack/methods/ann/convolution_rules/border_modes.hpp b/src/mlpack/methods/ann/convolution_rules/border_modes.hpp index a3d943f4e2a..b9e6b1e4333 100644 --- a/src/mlpack/methods/ann/convolution_rules/border_modes.hpp +++ b/src/mlpack/methods/ann/convolution_rules/border_modes.hpp @@ -4,6 +4,11 @@ * * This file provides the border modes that can be used to compute different * convolutions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_CONVOLUTION_RULES_BORDER_MODES_HPP #define MLPACK_METHODS_ANN_CONVOLUTION_RULES_BORDER_MODES_HPP diff --git a/src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp b/src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp index 0447d24fe8c..bbcfecdaebb 100644 --- a/src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp +++ b/src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Implementation of the convolution through fft. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_CONVOLUTION_RULES_FFT_CONVOLUTION_HPP #define MLPACK_METHODS_ANN_CONVOLUTION_RULES_FFT_CONVOLUTION_HPP diff --git a/src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp b/src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp index b897da3d21a..fc7fc6926fb 100644 --- a/src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp +++ b/src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Implementation of the convolution. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_CONVOLUTION_RULES_NAIVE_CONVOLUTION_HPP #define MLPACK_METHODS_ANN_CONVOLUTION_RULES_NAIVE_CONVOLUTION_HPP diff --git a/src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp b/src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp index b28d825c05f..a0b317ebb0c 100644 --- a/src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp +++ b/src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp @@ -4,6 +4,11 @@ * * Implementation of the convolution using the singular value decomposition to * speeded up the computation. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_CONVOLUTION_RULES_SVD_CONVOLUTION_HPP #define MLPACK_METHODS_ANN_CONVOLUTION_RULES_SVD_CONVOLUTION_HPP diff --git a/src/mlpack/methods/ann/ffn.hpp b/src/mlpack/methods/ann/ffn.hpp index b06fb1438be..f9bc4d53a8b 100644 --- a/src/mlpack/methods/ann/ffn.hpp +++ b/src/mlpack/methods/ann/ffn.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the FFN class, which implements feed forward neural networks. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_FFN_HPP #define MLPACK_METHODS_ANN_FFN_HPP diff --git a/src/mlpack/methods/ann/ffn_impl.hpp b/src/mlpack/methods/ann/ffn_impl.hpp index a6ec1573285..5b1cc611871 100644 --- a/src/mlpack/methods/ann/ffn_impl.hpp +++ b/src/mlpack/methods/ann/ffn_impl.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the FFN class, which implements feed forward neural networks. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_FFN_IMPL_HPP #define MLPACK_METHODS_ANN_FFN_IMPL_HPP diff --git a/src/mlpack/methods/ann/init_rules/kathirvalavakumar_subavathi_init.hpp b/src/mlpack/methods/ann/init_rules/kathirvalavakumar_subavathi_init.hpp index 0f299efad93..491ab5a55c3 100644 --- a/src/mlpack/methods/ann/init_rules/kathirvalavakumar_subavathi_init.hpp +++ b/src/mlpack/methods/ann/init_rules/kathirvalavakumar_subavathi_init.hpp @@ -18,6 +18,11 @@ * year={2011} * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_INIT_RULES_KATHIRVALAVAKUMAR_SUBAVATHI_INIT_HPP #define MLPACK_METHODS_ANN_INIT_RULES_KATHIRVALAVAKUMAR_SUBAVATHI_INIT_HPP diff --git a/src/mlpack/methods/ann/init_rules/nguyen_widrow_init.hpp b/src/mlpack/methods/ann/init_rules/nguyen_widrow_init.hpp index 11eae36fbc3..c6082b20087 100644 --- a/src/mlpack/methods/ann/init_rules/nguyen_widrow_init.hpp +++ b/src/mlpack/methods/ann/init_rules/nguyen_widrow_init.hpp @@ -17,6 +17,11 @@ * year={1990} * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_INIT_RULES_NGUYEN_WIDROW_INIT_HPP #define MLPACK_METHODS_ANN_INIT_RULES_NGUYEN_WIDROW_INIT_HPP diff --git a/src/mlpack/methods/ann/init_rules/oivs_init.hpp b/src/mlpack/methods/ann/init_rules/oivs_init.hpp index 6f4deabc5b1..75c833548b2 100644 --- a/src/mlpack/methods/ann/init_rules/oivs_init.hpp +++ b/src/mlpack/methods/ann/init_rules/oivs_init.hpp @@ -18,6 +18,11 @@ * year={1994} * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_INIT_RULES_OIVS_INIT_HPP #define MLPACK_METHODS_ANN_INIT_RULES_OIVS_INIT_HPP diff --git a/src/mlpack/methods/ann/init_rules/orthogonal_init.hpp b/src/mlpack/methods/ann/init_rules/orthogonal_init.hpp index 3c20da95959..ca16c3d1305 100644 --- a/src/mlpack/methods/ann/init_rules/orthogonal_init.hpp +++ b/src/mlpack/methods/ann/init_rules/orthogonal_init.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition and implementation of the orthogonal matrix initialization method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_INIT_RULES_ORTHOGONAL_INIT_HPP #define MLPACK_METHODS_ANN_INIT_RULES_ORTHOGONAL_INIT_HPP diff --git a/src/mlpack/methods/ann/init_rules/random_init.hpp b/src/mlpack/methods/ann/init_rules/random_init.hpp index c9f31ba57f7..4d720dbb7c2 100644 --- a/src/mlpack/methods/ann/init_rules/random_init.hpp +++ b/src/mlpack/methods/ann/init_rules/random_init.hpp @@ -4,6 +4,11 @@ * * Intialization rule for the neural networks. This simple initialization is * performed by assigning a random matrix to the weight matrix. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_INIT_RULES_RANDOM_INIT_HPP #define MLPACK_METHODS_ANN_INIT_RULES_RANDOM_INIT_HPP diff --git a/src/mlpack/methods/ann/init_rules/zero_init.hpp b/src/mlpack/methods/ann/init_rules/zero_init.hpp index 11c6adf1173..f7c9b4437c0 100644 --- a/src/mlpack/methods/ann/init_rules/zero_init.hpp +++ b/src/mlpack/methods/ann/init_rules/zero_init.hpp @@ -4,6 +4,11 @@ * * Intialization rule for the neural networks. This simple initialization is * performed by assigning a zero matrix to the weight matrix. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_INIT_RULES_ZERO_INIT_HPP #define MLPACK_METHODS_ANN_INIT_RULES_ZERO_INIT_HPP diff --git a/src/mlpack/methods/ann/layer/base_layer.hpp b/src/mlpack/methods/ann/layer/base_layer.hpp index 2ca45527559..2b915a116d5 100644 --- a/src/mlpack/methods/ann/layer/base_layer.hpp +++ b/src/mlpack/methods/ann/layer/base_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the BaseLayer class, which attaches various functions to the * embedding layer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_BASE_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_BASE_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/bias_layer.hpp b/src/mlpack/methods/ann/layer/bias_layer.hpp index c2f510ab177..0be535dec7b 100644 --- a/src/mlpack/methods/ann/layer/bias_layer.hpp +++ b/src/mlpack/methods/ann/layer/bias_layer.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the BiasLayer class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_BIAS_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_BIAS_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/binary_classification_layer.hpp b/src/mlpack/methods/ann/layer/binary_classification_layer.hpp index ccf138c809b..1b3d6172a74 100644 --- a/src/mlpack/methods/ann/layer/binary_classification_layer.hpp +++ b/src/mlpack/methods/ann/layer/binary_classification_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the BinaryClassificationLayer class, which implements a * binary class classification layer that can be used as output layer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_BINARY_CLASSIFICATION_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_BINARY_CLASSIFICATION_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/constant_layer.hpp b/src/mlpack/methods/ann/layer/constant_layer.hpp index 67701deba93..31da87e7d9d 100644 --- a/src/mlpack/methods/ann/layer/constant_layer.hpp +++ b/src/mlpack/methods/ann/layer/constant_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the ConstantLayer class, which outputs a constant value given * any input. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_CONSTANT_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_CONSTANT_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/conv_layer.hpp b/src/mlpack/methods/ann/layer/conv_layer.hpp index 18a7fbd02a2..bbb918c8a49 100644 --- a/src/mlpack/methods/ann/layer/conv_layer.hpp +++ b/src/mlpack/methods/ann/layer/conv_layer.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the ConvLayer class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_CONV_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_CONV_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/dropconnect_layer.hpp b/src/mlpack/methods/ann/layer/dropconnect_layer.hpp index 0e05816a620..fdb14cbf11c 100644 --- a/src/mlpack/methods/ann/layer/dropconnect_layer.hpp +++ b/src/mlpack/methods/ann/layer/dropconnect_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the DropConnectLayer class, which implements a regularizer * that randomly sets connections to zero. Preventing units from co-adapting. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_DROPCONNECT_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_DROPCONNECT_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/dropout_layer.hpp b/src/mlpack/methods/ann/layer/dropout_layer.hpp index 0ed0fae0da3..3ed0bd62a60 100644 --- a/src/mlpack/methods/ann/layer/dropout_layer.hpp +++ b/src/mlpack/methods/ann/layer/dropout_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the DropoutLayer class, which implements a regularizer that * randomly sets units to zero. Preventing units from co-adapting. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_DROPOUT_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_DROPOUT_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/empty_layer.hpp b/src/mlpack/methods/ann/layer/empty_layer.hpp index 11cb6a0a243..cf5a70e43ae 100644 --- a/src/mlpack/methods/ann/layer/empty_layer.hpp +++ b/src/mlpack/methods/ann/layer/empty_layer.hpp @@ -3,6 +3,11 @@ * @author Palash Ahuja * * Definition of the EmptyLayer class, which is basically empty. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_EMPTY_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_EMPTY_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/glimpse_layer.hpp b/src/mlpack/methods/ann/layer/glimpse_layer.hpp index 228ce7d494c..3f1e9dffabb 100644 --- a/src/mlpack/methods/ann/layer/glimpse_layer.hpp +++ b/src/mlpack/methods/ann/layer/glimpse_layer.hpp @@ -17,6 +17,11 @@ * year = {2014}, * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_GLIMPSE_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_GLIMPSE_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/hard_tanh_layer.hpp b/src/mlpack/methods/ann/layer/hard_tanh_layer.hpp index 16167a5968e..c707017fcbf 100644 --- a/src/mlpack/methods/ann/layer/hard_tanh_layer.hpp +++ b/src/mlpack/methods/ann/layer/hard_tanh_layer.hpp @@ -3,6 +3,11 @@ * @author Dhawal Arora * * Definition and implementation of the HardTanHLayer layer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_HARD_TANH_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_HARD_TANH_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/layer_traits.hpp b/src/mlpack/methods/ann/layer/layer_traits.hpp index 871170faaa0..a8671d62f5d 100644 --- a/src/mlpack/methods/ann/layer/layer_traits.hpp +++ b/src/mlpack/methods/ann/layer/layer_traits.hpp @@ -4,6 +4,11 @@ * * This provides the LayerTraits class, a template class to get information * about various layers. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_LAYER_TRAITS_HPP #define MLPACK_METHODS_ANN_LAYER_LAYER_TRAITS_HPP diff --git a/src/mlpack/methods/ann/layer/leaky_relu_layer.hpp b/src/mlpack/methods/ann/layer/leaky_relu_layer.hpp index a55bd2582c8..a87792e4295 100644 --- a/src/mlpack/methods/ann/layer/leaky_relu_layer.hpp +++ b/src/mlpack/methods/ann/layer/leaky_relu_layer.hpp @@ -5,6 +5,11 @@ * Definition and implementation of LeakyReLULayer layer first introduced * in the acoustic model, Andrew L. Maas, Awni Y. Hannun, Andrew Y. Ng, * "Rectifier Nonlinearities Improve Neural Network Acoustic Models", 2014 + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_LEAKYRELU_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_LEAKYRELU_LAYER_HPP @@ -232,4 +237,4 @@ class LeakyReLULayer } // namespace ann } // namespace mlpack -#endif \ No newline at end of file +#endif diff --git a/src/mlpack/methods/ann/layer/linear_layer.hpp b/src/mlpack/methods/ann/layer/linear_layer.hpp index 0a75bd8a2f8..b3b3dbf0266 100644 --- a/src/mlpack/methods/ann/layer/linear_layer.hpp +++ b/src/mlpack/methods/ann/layer/linear_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the LinearLayer class also known as fully-connected layer or * affine transformation. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_LINEAR_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_LINEAR_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/log_softmax_layer.hpp b/src/mlpack/methods/ann/layer/log_softmax_layer.hpp index 1820f454835..2b417e32b61 100644 --- a/src/mlpack/methods/ann/layer/log_softmax_layer.hpp +++ b/src/mlpack/methods/ann/layer/log_softmax_layer.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the LogSoftmaxLayer class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_LOG_SOFTMAX_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_LOG_SOFTMAX_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/lstm_layer.hpp b/src/mlpack/methods/ann/layer/lstm_layer.hpp index 6403f744acf..6ccd2fc65fd 100644 --- a/src/mlpack/methods/ann/layer/lstm_layer.hpp +++ b/src/mlpack/methods/ann/layer/lstm_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the LSTMLayer class, which implements a lstm network * layer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_LSTM_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_LSTM_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp b/src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp index 2fe2099349a..7705b52205a 100644 --- a/src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp +++ b/src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the MulticlassClassificationLayer class, which implements a * multiclass classification layer that can be used as output layer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_MULTICLASS_CLASSIFICATION_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_MULTICLASS_CLASSIFICATION_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/multiply_constant_layer.hpp b/src/mlpack/methods/ann/layer/multiply_constant_layer.hpp index b15d23c2464..afa0f42e63c 100644 --- a/src/mlpack/methods/ann/layer/multiply_constant_layer.hpp +++ b/src/mlpack/methods/ann/layer/multiply_constant_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the MultiplyConstantLayer class, which multiplies the input by * a (non-learnable) constant. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_MULTIPLY_CONSTANT_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_MULTIPLY_CONSTANT_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/negative_log_likelihood_layer.hpp b/src/mlpack/methods/ann/layer/negative_log_likelihood_layer.hpp index 050e0152082..6c08698f790 100644 --- a/src/mlpack/methods/ann/layer/negative_log_likelihood_layer.hpp +++ b/src/mlpack/methods/ann/layer/negative_log_likelihood_layer.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the NegativeLogLikelihoodLayer class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_NEGATIVE_LOG_LIKELIHOOD_Layer_HPP #define MLPACK_METHODS_ANN_LAYER_NEGATIVE_LOG_LIKELIHOOD_Layer_HPP diff --git a/src/mlpack/methods/ann/layer/one_hot_layer.hpp b/src/mlpack/methods/ann/layer/one_hot_layer.hpp index 671696e84a1..63200b2c335 100644 --- a/src/mlpack/methods/ann/layer/one_hot_layer.hpp +++ b/src/mlpack/methods/ann/layer/one_hot_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the OneHotLayer class, which implements a standard network * layer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_ONE_HOT_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_ONE_HOT_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/pooling_layer.hpp b/src/mlpack/methods/ann/layer/pooling_layer.hpp index 5b13f730f17..e8a205f44f8 100644 --- a/src/mlpack/methods/ann/layer/pooling_layer.hpp +++ b/src/mlpack/methods/ann/layer/pooling_layer.hpp @@ -5,6 +5,11 @@ * * Definition of the PoolingLayer class, which attaches various pooling * functions to the embedding layer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_POOLING_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_POOLING_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/recurrent_layer.hpp b/src/mlpack/methods/ann/layer/recurrent_layer.hpp index 6956fb8b63d..5e231a7480b 100644 --- a/src/mlpack/methods/ann/layer/recurrent_layer.hpp +++ b/src/mlpack/methods/ann/layer/recurrent_layer.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the RecurrentLayer class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_RECURRENT_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_RECURRENT_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/reinforce_normal_layer.hpp b/src/mlpack/methods/ann/layer/reinforce_normal_layer.hpp index 3f8099fad82..655e443b1e5 100644 --- a/src/mlpack/methods/ann/layer/reinforce_normal_layer.hpp +++ b/src/mlpack/methods/ann/layer/reinforce_normal_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the ReinforceNormalLayer class, which implements the REINFORCE * algorithm for the normal distribution. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_REINFORCE_NORMAL_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_REINFORCE_NORMAL_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/softmax_layer.hpp b/src/mlpack/methods/ann/layer/softmax_layer.hpp index 670ec4e267a..a2d3323eed8 100644 --- a/src/mlpack/methods/ann/layer/softmax_layer.hpp +++ b/src/mlpack/methods/ann/layer/softmax_layer.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the SoftmaxLayer class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_SOFTMAX_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_SOFTMAX_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/sparse_bias_layer.hpp b/src/mlpack/methods/ann/layer/sparse_bias_layer.hpp index 5f485c186a2..c3b723f17d9 100644 --- a/src/mlpack/methods/ann/layer/sparse_bias_layer.hpp +++ b/src/mlpack/methods/ann/layer/sparse_bias_layer.hpp @@ -3,6 +3,11 @@ * @author Tham Ngap Wei * * Definition of the SparseBiasLayer class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_SPARSE_BIAS_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_SPARSE_BIAS_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/sparse_input_layer.hpp b/src/mlpack/methods/ann/layer/sparse_input_layer.hpp index 56650dce8c3..6b1d9d118f9 100644 --- a/src/mlpack/methods/ann/layer/sparse_input_layer.hpp +++ b/src/mlpack/methods/ann/layer/sparse_input_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the sparse input class which serve as the first layer * of the sparse autoencoder + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_SPARSE_INPUT_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_SPARSE_INPUT_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/sparse_output_layer.hpp b/src/mlpack/methods/ann/layer/sparse_output_layer.hpp index ee2ecd07c84..33a2a72f7f3 100644 --- a/src/mlpack/methods/ann/layer/sparse_output_layer.hpp +++ b/src/mlpack/methods/ann/layer/sparse_output_layer.hpp @@ -3,6 +3,11 @@ * @author Tham Ngap Wei * * This is the fourth layer of sparse autoencoder. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_SPARSE_OUTPUT_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_SPARSE_OUTPUT_LAYER_HPP diff --git a/src/mlpack/methods/ann/layer/vr_class_reward_layer.hpp b/src/mlpack/methods/ann/layer/vr_class_reward_layer.hpp index aec0b85629a..5b4da8ed0b7 100644 --- a/src/mlpack/methods/ann/layer/vr_class_reward_layer.hpp +++ b/src/mlpack/methods/ann/layer/vr_class_reward_layer.hpp @@ -4,6 +4,11 @@ * * Definition of the VRClassRewardLayer class, which implements the variance * reduced classification reinforcement layer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_LAYER_VR_CLASS_REWARD_LAYER_HPP #define MLPACK_METHODS_ANN_LAYER_VR_CLASS_REWARD_LAYER_HPP diff --git a/src/mlpack/methods/ann/network_traits.hpp b/src/mlpack/methods/ann/network_traits.hpp index 25602cc34fa..5aa91e8ae60 100644 --- a/src/mlpack/methods/ann/network_traits.hpp +++ b/src/mlpack/methods/ann/network_traits.hpp @@ -4,6 +4,11 @@ * * NetworkTraits class, a template class to get information about various * networks. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_NETWORK_TRAITS_HPP #define MLPACK_METHODS_ANN_NETWORK_TRAITS_HPP diff --git a/src/mlpack/methods/ann/network_util.hpp b/src/mlpack/methods/ann/network_util.hpp index 5d45abee039..93bdf044355 100644 --- a/src/mlpack/methods/ann/network_util.hpp +++ b/src/mlpack/methods/ann/network_util.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Neural network utilities. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_NETWORK_UTIL_HPP #define MLPACK_METHODS_ANN_NETWORK_UTIL_HPP diff --git a/src/mlpack/methods/ann/network_util_impl.hpp b/src/mlpack/methods/ann/network_util_impl.hpp index 076ee1fa275..32034576290 100644 --- a/src/mlpack/methods/ann/network_util_impl.hpp +++ b/src/mlpack/methods/ann/network_util_impl.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Implementation of the network auxiliary functions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_NETWORK_UTIL_IMPL_HPP #define MLPACK_METHODS_ANN_NETWORK_UTIL_IMPL_HPP diff --git a/src/mlpack/methods/ann/performance_functions/cee_function.hpp b/src/mlpack/methods/ann/performance_functions/cee_function.hpp index bfc4f0dc0d4..34244521dc8 100644 --- a/src/mlpack/methods/ann/performance_functions/cee_function.hpp +++ b/src/mlpack/methods/ann/performance_functions/cee_function.hpp @@ -4,6 +4,11 @@ * * Definition and implementation of the cross-entropy error performance * function. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_CEE_FUNCTION_HPP #define MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_CEE_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/performance_functions/mse_function.hpp b/src/mlpack/methods/ann/performance_functions/mse_function.hpp index 8844ff21b29..d2f19334d6f 100644 --- a/src/mlpack/methods/ann/performance_functions/mse_function.hpp +++ b/src/mlpack/methods/ann/performance_functions/mse_function.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition and implementation of the mean squared error performance function. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_MSE_FUNCTION_HPP #define MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_MSE_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/performance_functions/sparse_function.hpp b/src/mlpack/methods/ann/performance_functions/sparse_function.hpp index c587b50d659..145a0b64aff 100644 --- a/src/mlpack/methods/ann/performance_functions/sparse_function.hpp +++ b/src/mlpack/methods/ann/performance_functions/sparse_function.hpp @@ -4,6 +4,11 @@ * @author Tham Ngap Wei * * Definition and implementation of the sparse performance function. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SPARSE_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/performance_functions/sse_function.hpp b/src/mlpack/methods/ann/performance_functions/sse_function.hpp index 83a6c29a4f9..34055fb74c0 100644 --- a/src/mlpack/methods/ann/performance_functions/sse_function.hpp +++ b/src/mlpack/methods/ann/performance_functions/sse_function.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition and implementation of the sum squared error performance function. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SSE_FUNCTION_HPP #define MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SSE_FUNCTION_HPP diff --git a/src/mlpack/methods/ann/pooling_rules/max_pooling.hpp b/src/mlpack/methods/ann/pooling_rules/max_pooling.hpp index c99f3667628..f50b0419fe3 100644 --- a/src/mlpack/methods/ann/pooling_rules/max_pooling.hpp +++ b/src/mlpack/methods/ann/pooling_rules/max_pooling.hpp @@ -3,6 +3,11 @@ * @author Shangtong Zhang * * Definition of the MaxPooling class, which implements max pooling. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_POOLING_RULES_MAX_POOLING_HPP #define MLPACK_METHODS_ANN_POOLING_RULES_MAX_POOLING_HPP diff --git a/src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp b/src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp index fb523b3ed9f..7ab88c329f4 100644 --- a/src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp +++ b/src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp @@ -3,6 +3,11 @@ * @author Shangtong Zhang * * Definition of the MeanPooling class, which implements mean pooling. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_POOLING_RULES_MEAN_POOLING_HPP #define MLPACK_METHODS_ANN_POOLING_RULES_MEAN_POOLING_HPP diff --git a/src/mlpack/methods/ann/rnn.hpp b/src/mlpack/methods/ann/rnn.hpp index 39789bf9016..6b9483cd831 100644 --- a/src/mlpack/methods/ann/rnn.hpp +++ b/src/mlpack/methods/ann/rnn.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the RNN class, which implements recurrent neural networks. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_RNN_HPP #define MLPACK_METHODS_ANN_RNN_HPP diff --git a/src/mlpack/methods/ann/rnn_impl.hpp b/src/mlpack/methods/ann/rnn_impl.hpp index b0d1ec4783e..d8d2f07f0ac 100644 --- a/src/mlpack/methods/ann/rnn_impl.hpp +++ b/src/mlpack/methods/ann/rnn_impl.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Definition of the RNN class, which implements recurrent neural networks. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_ANN_RNN_IMPL_HPP #define MLPACK_METHODS_ANN_RNN_IMPL_HPP diff --git a/src/mlpack/methods/approx_kfn/approx_kfn_main.cpp b/src/mlpack/methods/approx_kfn/approx_kfn_main.cpp index 794385039f5..0342495d73a 100644 --- a/src/mlpack/methods/approx_kfn/approx_kfn_main.cpp +++ b/src/mlpack/methods/approx_kfn/approx_kfn_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Command-line program for the SmartHash algorithm. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/approx_kfn/drusilla_select.hpp b/src/mlpack/methods/approx_kfn/drusilla_select.hpp index 38b90ab8a5c..c059c778c82 100644 --- a/src/mlpack/methods/approx_kfn/drusilla_select.hpp +++ b/src/mlpack/methods/approx_kfn/drusilla_select.hpp @@ -21,6 +21,11 @@ * to query to find an approximate furthest neighbor. The strange name is a * result of the algorithm being named after a cat. The cat in question may be * viewed at http://www.ratml.org/misc_img/drusilla_fence.png. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_APPROX_KFN_DRUSILLA_SELECT_HPP #define MLPACK_METHODS_APPROX_KFN_DRUSILLA_SELECT_HPP diff --git a/src/mlpack/methods/approx_kfn/drusilla_select_impl.hpp b/src/mlpack/methods/approx_kfn/drusilla_select_impl.hpp index b61ab0bbdf8..9cc314e08c8 100644 --- a/src/mlpack/methods/approx_kfn/drusilla_select_impl.hpp +++ b/src/mlpack/methods/approx_kfn/drusilla_select_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of DrusillaSelect class methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_APPROX_KFN_DRUSILLA_SELECT_IMPL_HPP #define MLPACK_METHODS_APPROX_KFN_DRUSILLA_SELECT_IMPL_HPP diff --git a/src/mlpack/methods/approx_kfn/qdafn.hpp b/src/mlpack/methods/approx_kfn/qdafn.hpp index 6ba8b81b5db..95f2de26e31 100644 --- a/src/mlpack/methods/approx_kfn/qdafn.hpp +++ b/src/mlpack/methods/approx_kfn/qdafn.hpp @@ -15,6 +15,11 @@ * publisher={Springer} * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_APPROX_KFN_QDAFN_HPP #define MLPACK_METHODS_APPROX_KFN_QDAFN_HPP diff --git a/src/mlpack/methods/approx_kfn/qdafn_impl.hpp b/src/mlpack/methods/approx_kfn/qdafn_impl.hpp index ab9bce6bedd..9be910a1e96 100644 --- a/src/mlpack/methods/approx_kfn/qdafn_impl.hpp +++ b/src/mlpack/methods/approx_kfn/qdafn_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of QDAFN class methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_APPROX_KFN_QDAFN_IMPL_HPP #define MLPACK_METHODS_APPROX_KFN_QDAFN_IMPL_HPP diff --git a/src/mlpack/methods/approx_kfn/qdafn_main.cpp b/src/mlpack/methods/approx_kfn/qdafn_main.cpp index 0e866473e24..bdb2dbe13df 100644 --- a/src/mlpack/methods/approx_kfn/qdafn_main.cpp +++ b/src/mlpack/methods/approx_kfn/qdafn_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Command-line program for the QDAFN algorithm. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "qdafn.hpp" diff --git a/src/mlpack/methods/cf/cf.cpp b/src/mlpack/methods/cf/cf.cpp index 512d01a8c0a..830d73a438b 100644 --- a/src/mlpack/methods/cf/cf.cpp +++ b/src/mlpack/methods/cf/cf.cpp @@ -7,6 +7,11 @@ * * Implementation of CF class to perform Collaborative Filtering on the * specified data set. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "cf.hpp" diff --git a/src/mlpack/methods/cf/cf.hpp b/src/mlpack/methods/cf/cf.hpp index 82d624cae3e..9f0f7725554 100644 --- a/src/mlpack/methods/cf/cf.hpp +++ b/src/mlpack/methods/cf/cf.hpp @@ -7,6 +7,11 @@ * * Defines the CF class to perform collaborative filtering on the specified data * set using alternating least squares (ALS). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_CF_CF_HPP #define MLPACK_METHODS_CF_CF_HPP diff --git a/src/mlpack/methods/cf/cf_impl.hpp b/src/mlpack/methods/cf/cf_impl.hpp index 88d59ea452f..33da16c3c3a 100644 --- a/src/mlpack/methods/cf/cf_impl.hpp +++ b/src/mlpack/methods/cf/cf_impl.hpp @@ -7,6 +7,11 @@ * * Implementation of CF class to perform Collaborative Filtering on the * specified data set. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_CF_CF_IMPL_HPP #define MLPACK_METHODS_CF_CF_IMPL_HPP diff --git a/src/mlpack/methods/cf/cf_main.cpp b/src/mlpack/methods/cf/cf_main.cpp index 2574e9117e0..a530a2a1a8e 100644 --- a/src/mlpack/methods/cf/cf_main.cpp +++ b/src/mlpack/methods/cf/cf_main.cpp @@ -3,6 +3,11 @@ * @author Mudit Raj Gupta * * Main executable to run CF. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/cf/svd_wrapper.hpp b/src/mlpack/methods/cf/svd_wrapper.hpp index 314647b26f9..27b225e41fe 100644 --- a/src/mlpack/methods/cf/svd_wrapper.hpp +++ b/src/mlpack/methods/cf/svd_wrapper.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Wrapper class for SVD factorizers used for Collaborative Filtering. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SVDWRAPPER_HPP #define MLPACK_METHODS_SVDWRAPPER_HPP diff --git a/src/mlpack/methods/cf/svd_wrapper_impl.hpp b/src/mlpack/methods/cf/svd_wrapper_impl.hpp index 47255c6c87f..91935e46ed4 100644 --- a/src/mlpack/methods/cf/svd_wrapper_impl.hpp +++ b/src/mlpack/methods/cf/svd_wrapper_impl.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Implementation of the SVD wrapper class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ template double mlpack::cf::SVDWrapper::Apply(const arma::mat& V, diff --git a/src/mlpack/methods/decision_stump/decision_stump.hpp b/src/mlpack/methods/decision_stump/decision_stump.hpp index a7699116514..f3b9c6bb730 100644 --- a/src/mlpack/methods/decision_stump/decision_stump.hpp +++ b/src/mlpack/methods/decision_stump/decision_stump.hpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Definition of decision stumps. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_HPP #define MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_HPP diff --git a/src/mlpack/methods/decision_stump/decision_stump_impl.hpp b/src/mlpack/methods/decision_stump/decision_stump_impl.hpp index 8b4aa4e4922..91431484899 100644 --- a/src/mlpack/methods/decision_stump/decision_stump_impl.hpp +++ b/src/mlpack/methods/decision_stump/decision_stump_impl.hpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Implementation of DecisionStump class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_IMPL_HPP diff --git a/src/mlpack/methods/decision_stump/decision_stump_main.cpp b/src/mlpack/methods/decision_stump/decision_stump_main.cpp index 9ca428d485f..8f7e3715d05 100644 --- a/src/mlpack/methods/decision_stump/decision_stump_main.cpp +++ b/src/mlpack/methods/decision_stump/decision_stump_main.cpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Main executable for the decision stump. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "decision_stump.hpp" diff --git a/src/mlpack/methods/det/det_main.cpp b/src/mlpack/methods/det/det_main.cpp index f1b33bac5c5..024c702ef73 100644 --- a/src/mlpack/methods/det/det_main.cpp +++ b/src/mlpack/methods/det/det_main.cpp @@ -3,6 +3,11 @@ * @author Parikshit Ram (pram@cc.gatech.edu) * * This file runs density estimation trees. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "dt_utils.hpp" diff --git a/src/mlpack/methods/det/dt_utils.cpp b/src/mlpack/methods/det/dt_utils.cpp index b8946a92d85..72c8a653def 100644 --- a/src/mlpack/methods/det/dt_utils.cpp +++ b/src/mlpack/methods/det/dt_utils.cpp @@ -4,6 +4,11 @@ * * This file implements functions to perform different tasks with the Density * Tree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "dt_utils.hpp" diff --git a/src/mlpack/methods/det/dt_utils.hpp b/src/mlpack/methods/det/dt_utils.hpp index c20f78adac6..7e536e13225 100644 --- a/src/mlpack/methods/det/dt_utils.hpp +++ b/src/mlpack/methods/det/dt_utils.hpp @@ -4,6 +4,11 @@ * * This file implements functions to perform different tasks with the Density * Tree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_DET_DT_UTILS_HPP #define MLPACK_METHODS_DET_DT_UTILS_HPP diff --git a/src/mlpack/methods/det/dtree.cpp b/src/mlpack/methods/det/dtree.cpp index c88d480b704..a0bf2e6c444 100644 --- a/src/mlpack/methods/det/dtree.cpp +++ b/src/mlpack/methods/det/dtree.cpp @@ -5,6 +5,11 @@ * Implementations of some declared functions in * the Density Estimation Tree class. * + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "dtree.hpp" #include diff --git a/src/mlpack/methods/det/dtree.hpp b/src/mlpack/methods/det/dtree.hpp index 8e8bbdfe965..3c14b2943f4 100644 --- a/src/mlpack/methods/det/dtree.hpp +++ b/src/mlpack/methods/det/dtree.hpp @@ -3,6 +3,11 @@ * @author Parikshit Ram (pram@cc.gatech.edu) * * Density Estimation Tree class + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_DET_DTREE_HPP diff --git a/src/mlpack/methods/emst/dtb.hpp b/src/mlpack/methods/emst/dtb.hpp index b11cc0126f5..99037036093 100644 --- a/src/mlpack/methods/emst/dtb.hpp +++ b/src/mlpack/methods/emst/dtb.hpp @@ -16,6 +16,11 @@ * year = {2010} * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_EMST_DTB_HPP #define MLPACK_METHODS_EMST_DTB_HPP diff --git a/src/mlpack/methods/emst/dtb_impl.hpp b/src/mlpack/methods/emst/dtb_impl.hpp index 2adc119e90e..f97ce6598d9 100644 --- a/src/mlpack/methods/emst/dtb_impl.hpp +++ b/src/mlpack/methods/emst/dtb_impl.hpp @@ -3,6 +3,11 @@ * @author Bill March (march@gatech.edu) * * Implementation of DTB. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_EMST_DTB_IMPL_HPP #define MLPACK_METHODS_EMST_DTB_IMPL_HPP diff --git a/src/mlpack/methods/emst/dtb_rules.hpp b/src/mlpack/methods/emst/dtb_rules.hpp index 05fd058a000..00e32d2740c 100644 --- a/src/mlpack/methods/emst/dtb_rules.hpp +++ b/src/mlpack/methods/emst/dtb_rules.hpp @@ -3,6 +3,11 @@ * @author Bill March (march@gatech.edu) * * Tree traverser rules for the DualTreeBoruvka algorithm. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_EMST_DTB_RULES_HPP #define MLPACK_METHODS_EMST_DTB_RULES_HPP diff --git a/src/mlpack/methods/emst/dtb_rules_impl.hpp b/src/mlpack/methods/emst/dtb_rules_impl.hpp index 7c75ed6e5ee..7bd0707112e 100644 --- a/src/mlpack/methods/emst/dtb_rules_impl.hpp +++ b/src/mlpack/methods/emst/dtb_rules_impl.hpp @@ -3,6 +3,11 @@ * @author Bill March (march@gatech.edu) * * Tree traverser rules for the DualTreeBoruvka algorithm. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_EMST_DTB_RULES_IMPL_HPP #define MLPACK_METHODS_EMST_DTB_RULES_IMPL_HPP diff --git a/src/mlpack/methods/emst/dtb_stat.hpp b/src/mlpack/methods/emst/dtb_stat.hpp index a0a694c2899..01ec10ffa51 100644 --- a/src/mlpack/methods/emst/dtb_stat.hpp +++ b/src/mlpack/methods/emst/dtb_stat.hpp @@ -3,6 +3,11 @@ * @author Bill March (march@gatech.edu) * * DTBStat is the StatisticType used by trees when performing EMST. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_EMST_DTB_STAT_HPP #define MLPACK_METHODS_EMST_DTB_STAT_HPP diff --git a/src/mlpack/methods/emst/edge_pair.hpp b/src/mlpack/methods/emst/edge_pair.hpp index b0c26b47a47..521ad8dbff2 100644 --- a/src/mlpack/methods/emst/edge_pair.hpp +++ b/src/mlpack/methods/emst/edge_pair.hpp @@ -5,6 +5,11 @@ * * This file contains utilities necessary for all of the minimum spanning tree * algorithms. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_EMST_EDGE_PAIR_HPP #define MLPACK_METHODS_EMST_EDGE_PAIR_HPP diff --git a/src/mlpack/methods/emst/emst_main.cpp b/src/mlpack/methods/emst/emst_main.cpp index ffc2d6a2263..96acb72aa23 100644 --- a/src/mlpack/methods/emst/emst_main.cpp +++ b/src/mlpack/methods/emst/emst_main.cpp @@ -18,6 +18,11 @@ * year = {2010} * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "dtb.hpp" diff --git a/src/mlpack/methods/emst/union_find.hpp b/src/mlpack/methods/emst/union_find.hpp index d33f9ac4221..912252ca422 100644 --- a/src/mlpack/methods/emst/union_find.hpp +++ b/src/mlpack/methods/emst/union_find.hpp @@ -6,6 +6,11 @@ * of a graph. Each point in the graph is initially in its own component. * Calling unionfind.Union(x, y) unites the components indexed by x and y. * unionfind.Find(x) returns the index of the component containing point x. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_EMST_UNION_FIND_HPP #define MLPACK_METHODS_EMST_UNION_FIND_HPP diff --git a/src/mlpack/methods/fastmks/fastmks.hpp b/src/mlpack/methods/fastmks/fastmks.hpp index 1fc2cdbee9d..866be5d6106 100644 --- a/src/mlpack/methods/fastmks/fastmks.hpp +++ b/src/mlpack/methods/fastmks/fastmks.hpp @@ -4,6 +4,11 @@ * * Definition of the FastMKS class, which implements fast exact max-kernel * search. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_FASTMKS_HPP #define MLPACK_METHODS_FASTMKS_FASTMKS_HPP diff --git a/src/mlpack/methods/fastmks/fastmks_impl.hpp b/src/mlpack/methods/fastmks/fastmks_impl.hpp index 993ba547dbf..12a3cd76768 100644 --- a/src/mlpack/methods/fastmks/fastmks_impl.hpp +++ b/src/mlpack/methods/fastmks/fastmks_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the FastMKS class (fast max-kernel search). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_FASTMKS_IMPL_HPP #define MLPACK_METHODS_FASTMKS_FASTMKS_IMPL_HPP diff --git a/src/mlpack/methods/fastmks/fastmks_main.cpp b/src/mlpack/methods/fastmks/fastmks_main.cpp index 9ebbefeaed6..d5b73118ace 100644 --- a/src/mlpack/methods/fastmks/fastmks_main.cpp +++ b/src/mlpack/methods/fastmks/fastmks_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Main executable for maximum inner product search. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/fastmks/fastmks_model.cpp b/src/mlpack/methods/fastmks/fastmks_model.cpp index d4c85c2bde7..e60006c5ac9 100644 --- a/src/mlpack/methods/fastmks/fastmks_model.cpp +++ b/src/mlpack/methods/fastmks/fastmks_model.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of non-templatized functions of FastMKSModel. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "fastmks_model.hpp" diff --git a/src/mlpack/methods/fastmks/fastmks_model.hpp b/src/mlpack/methods/fastmks/fastmks_model.hpp index ce7ce6f2b52..fce28fd4c5c 100644 --- a/src/mlpack/methods/fastmks/fastmks_model.hpp +++ b/src/mlpack/methods/fastmks/fastmks_model.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * A utility struct to contain all the possible FastMKS models. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_HPP #define MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_HPP diff --git a/src/mlpack/methods/fastmks/fastmks_model_impl.hpp b/src/mlpack/methods/fastmks/fastmks_model_impl.hpp index fe1acdf74a4..5602fb594a2 100644 --- a/src/mlpack/methods/fastmks/fastmks_model_impl.hpp +++ b/src/mlpack/methods/fastmks/fastmks_model_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of templated functions of FastMKSModel. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_IMPL_HPP #define MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_IMPL_HPP diff --git a/src/mlpack/methods/fastmks/fastmks_rules.hpp b/src/mlpack/methods/fastmks/fastmks_rules.hpp index 66d20828344..13888127b53 100644 --- a/src/mlpack/methods/fastmks/fastmks_rules.hpp +++ b/src/mlpack/methods/fastmks/fastmks_rules.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Rules for the single or dual tree traversal for fast max-kernel search. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_FASTMKS_RULES_HPP #define MLPACK_METHODS_FASTMKS_FASTMKS_RULES_HPP diff --git a/src/mlpack/methods/fastmks/fastmks_rules_impl.hpp b/src/mlpack/methods/fastmks/fastmks_rules_impl.hpp index 66513edff65..4b98fd6c3d8 100644 --- a/src/mlpack/methods/fastmks/fastmks_rules_impl.hpp +++ b/src/mlpack/methods/fastmks/fastmks_rules_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of FastMKSRules for cover tree search. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_FASTMKS_RULES_IMPL_HPP #define MLPACK_METHODS_FASTMKS_FASTMKS_RULES_IMPL_HPP diff --git a/src/mlpack/methods/fastmks/fastmks_stat.hpp b/src/mlpack/methods/fastmks/fastmks_stat.hpp index 318e5c9b621..4ce12f3ecdc 100644 --- a/src/mlpack/methods/fastmks/fastmks_stat.hpp +++ b/src/mlpack/methods/fastmks/fastmks_stat.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * The statistic used in trees with FastMKS. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_FASTMKS_STAT_HPP #define MLPACK_METHODS_FASTMKS_FASTMKS_STAT_HPP diff --git a/src/mlpack/methods/gmm/diagonal_constraint.hpp b/src/mlpack/methods/gmm/diagonal_constraint.hpp index cf0cc9ccd7b..0d158766ea3 100644 --- a/src/mlpack/methods/gmm/diagonal_constraint.hpp +++ b/src/mlpack/methods/gmm/diagonal_constraint.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Constrain a covariance matrix to be diagonal. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_GMM_DIAGONAL_CONSTRAINT_HPP #define MLPACK_METHODS_GMM_DIAGONAL_CONSTRAINT_HPP diff --git a/src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp b/src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp index 30c4f0f6b8f..8a2c07b01cd 100644 --- a/src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp +++ b/src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Constrain a covariance matrix to have a certain ratio of eigenvalues. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_GMM_EIGENVALUE_RATIO_CONSTRAINT_HPP #define MLPACK_METHODS_GMM_EIGENVALUE_RATIO_CONSTRAINT_HPP diff --git a/src/mlpack/methods/gmm/em_fit.hpp b/src/mlpack/methods/gmm/em_fit.hpp index fa65f466aa8..768c1ec5aa8 100644 --- a/src/mlpack/methods/gmm/em_fit.hpp +++ b/src/mlpack/methods/gmm/em_fit.hpp @@ -5,6 +5,11 @@ * * Utility class to fit a GMM using the EM algorithm. Used by * GMM::Estimate<>(). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_GMM_EM_FIT_HPP #define MLPACK_METHODS_GMM_EM_FIT_HPP diff --git a/src/mlpack/methods/gmm/em_fit_impl.hpp b/src/mlpack/methods/gmm/em_fit_impl.hpp index d57fa67973c..feaa9d4ae10 100644 --- a/src/mlpack/methods/gmm/em_fit_impl.hpp +++ b/src/mlpack/methods/gmm/em_fit_impl.hpp @@ -4,6 +4,11 @@ * @author Michael Fox * * Implementation of EM algorithm for fitting GMMs. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_GMM_EM_FIT_IMPL_HPP #define MLPACK_METHODS_GMM_EM_FIT_IMPL_HPP diff --git a/src/mlpack/methods/gmm/gmm.cpp b/src/mlpack/methods/gmm/gmm.cpp index 496dc125ffc..fb3397402a9 100644 --- a/src/mlpack/methods/gmm/gmm.cpp +++ b/src/mlpack/methods/gmm/gmm.cpp @@ -5,6 +5,11 @@ * @author Michael Fox * * Implementation of template-based GMM methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "gmm.hpp" diff --git a/src/mlpack/methods/gmm/gmm.hpp b/src/mlpack/methods/gmm/gmm.hpp index 98f3f9bc062..1ba2540c40c 100644 --- a/src/mlpack/methods/gmm/gmm.hpp +++ b/src/mlpack/methods/gmm/gmm.hpp @@ -5,6 +5,11 @@ * * Defines a Gaussian Mixture model and * estimates the parameters of the model + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_MOG_MOG_EM_HPP #define MLPACK_METHODS_MOG_MOG_EM_HPP diff --git a/src/mlpack/methods/gmm/gmm_generate_main.cpp b/src/mlpack/methods/gmm/gmm_generate_main.cpp index 787b90bb50c..d56b5a60867 100644 --- a/src/mlpack/methods/gmm/gmm_generate_main.cpp +++ b/src/mlpack/methods/gmm/gmm_generate_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Load a GMM from file, then generate samples from it. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "gmm.hpp" diff --git a/src/mlpack/methods/gmm/gmm_impl.hpp b/src/mlpack/methods/gmm/gmm_impl.hpp index e4e889a6246..021533ad1d5 100644 --- a/src/mlpack/methods/gmm/gmm_impl.hpp +++ b/src/mlpack/methods/gmm/gmm_impl.hpp @@ -5,6 +5,11 @@ * @author Michael Fox * * Implementation of template-based GMM methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_GMM_GMM_IMPL_HPP #define MLPACK_METHODS_GMM_GMM_IMPL_HPP diff --git a/src/mlpack/methods/gmm/gmm_probability_main.cpp b/src/mlpack/methods/gmm/gmm_probability_main.cpp index ec39c31550a..a7deb08bfe0 100644 --- a/src/mlpack/methods/gmm/gmm_probability_main.cpp +++ b/src/mlpack/methods/gmm/gmm_probability_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Given a GMM, calculate the probability of points coming from it. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "gmm.hpp" diff --git a/src/mlpack/methods/gmm/gmm_train_main.cpp b/src/mlpack/methods/gmm/gmm_train_main.cpp index ee271b1242d..2eba8860f69 100644 --- a/src/mlpack/methods/gmm/gmm_train_main.cpp +++ b/src/mlpack/methods/gmm/gmm_train_main.cpp @@ -3,6 +3,11 @@ * @file gmm_train_main.cpp * * This program trains a mixture of Gaussians on a given data matrix. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/gmm/no_constraint.hpp b/src/mlpack/methods/gmm/no_constraint.hpp index 52c56132882..35d0cced9dd 100644 --- a/src/mlpack/methods/gmm/no_constraint.hpp +++ b/src/mlpack/methods/gmm/no_constraint.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * No constraint on the covariance matrix. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_GMM_NO_CONSTRAINT_HPP #define MLPACK_METHODS_GMM_NO_CONSTRAINT_HPP diff --git a/src/mlpack/methods/gmm/positive_definite_constraint.hpp b/src/mlpack/methods/gmm/positive_definite_constraint.hpp index 646462b02a6..5b287fee433 100644 --- a/src/mlpack/methods/gmm/positive_definite_constraint.hpp +++ b/src/mlpack/methods/gmm/positive_definite_constraint.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Restricts a covariance matrix to being positive definite. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_GMM_POSITIVE_DEFINITE_CONSTRAINT_HPP #define MLPACK_METHODS_GMM_POSITIVE_DEFINITE_CONSTRAINT_HPP diff --git a/src/mlpack/methods/hmm/hmm.hpp b/src/mlpack/methods/hmm/hmm.hpp index 87f22735bf5..e9b3541d867 100644 --- a/src/mlpack/methods/hmm/hmm.hpp +++ b/src/mlpack/methods/hmm/hmm.hpp @@ -5,6 +5,11 @@ * @author Michael Fox * * Definition of HMM class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HMM_HMM_HPP #define MLPACK_METHODS_HMM_HMM_HPP diff --git a/src/mlpack/methods/hmm/hmm_generate_main.cpp b/src/mlpack/methods/hmm/hmm_generate_main.cpp index af0e81108af..99cf66a7cad 100644 --- a/src/mlpack/methods/hmm/hmm_generate_main.cpp +++ b/src/mlpack/methods/hmm/hmm_generate_main.cpp @@ -5,6 +5,11 @@ * * Compute the most probably hidden state sequence of a given observation * sequence for a given HMM. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/hmm/hmm_impl.hpp b/src/mlpack/methods/hmm/hmm_impl.hpp index 05b7a292e31..8e854d2b427 100644 --- a/src/mlpack/methods/hmm/hmm_impl.hpp +++ b/src/mlpack/methods/hmm/hmm_impl.hpp @@ -5,6 +5,11 @@ * @author Michael Fox * * Implementation of HMM class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HMM_HMM_IMPL_HPP #define MLPACK_METHODS_HMM_HMM_IMPL_HPP diff --git a/src/mlpack/methods/hmm/hmm_loglik_main.cpp b/src/mlpack/methods/hmm/hmm_loglik_main.cpp index 8be43f01eb5..accaa67de2d 100644 --- a/src/mlpack/methods/hmm/hmm_loglik_main.cpp +++ b/src/mlpack/methods/hmm/hmm_loglik_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Compute the log-likelihood of a given sequence for a given HMM. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/hmm/hmm_regression.hpp b/src/mlpack/methods/hmm/hmm_regression.hpp index f71a469a6ee..1319c75ad17 100644 --- a/src/mlpack/methods/hmm/hmm_regression.hpp +++ b/src/mlpack/methods/hmm/hmm_regression.hpp @@ -3,6 +3,11 @@ * @author Michael Fox * * Definition of HMMRegression class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HMM_HMM_REGRESSION_HPP #define MLPACK_METHODS_HMM_HMM_REGRESSION_HPP diff --git a/src/mlpack/methods/hmm/hmm_regression_impl.hpp b/src/mlpack/methods/hmm/hmm_regression_impl.hpp index 6f4e0e72dfd..09cc0b1844e 100644 --- a/src/mlpack/methods/hmm/hmm_regression_impl.hpp +++ b/src/mlpack/methods/hmm/hmm_regression_impl.hpp @@ -5,6 +5,11 @@ * @author Michael Fox * * Implementation of HMMRegression class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HMM_HMM_REGRESSION_IMPL_HPP #define MLPACK_METHODS_HMM_HMM_REGRESSION_IMPL_HPP diff --git a/src/mlpack/methods/hmm/hmm_train_main.cpp b/src/mlpack/methods/hmm/hmm_train_main.cpp index f8d96b24096..1b500a1bc3e 100644 --- a/src/mlpack/methods/hmm/hmm_train_main.cpp +++ b/src/mlpack/methods/hmm/hmm_train_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Executable which trains an HMM and saves the trained HMM to file. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/hmm/hmm_util.hpp b/src/mlpack/methods/hmm/hmm_util.hpp index e97a58249c7..b64af483ee3 100644 --- a/src/mlpack/methods/hmm/hmm_util.hpp +++ b/src/mlpack/methods/hmm/hmm_util.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Utility to read HMM type from file. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HMM_HMM_UTIL_HPP #define MLPACK_METHODS_HMM_HMM_UTIL_HPP diff --git a/src/mlpack/methods/hmm/hmm_util_impl.hpp b/src/mlpack/methods/hmm/hmm_util_impl.hpp index 1e3e4044a92..856e47f3c84 100644 --- a/src/mlpack/methods/hmm/hmm_util_impl.hpp +++ b/src/mlpack/methods/hmm/hmm_util_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of HMM utilities to load arbitrary HMM types. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HMM_HMM_UTIL_IMPL_HPP #define MLPACK_METHODS_HMM_HMM_UTIL_IMPL_HPP diff --git a/src/mlpack/methods/hmm/hmm_viterbi_main.cpp b/src/mlpack/methods/hmm/hmm_viterbi_main.cpp index be5be85b493..38bef6f480d 100644 --- a/src/mlpack/methods/hmm/hmm_viterbi_main.cpp +++ b/src/mlpack/methods/hmm/hmm_viterbi_main.cpp @@ -4,6 +4,11 @@ * * Compute the most probably hidden state sequence of a given observation * sequence for a given HMM. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp b/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp index ac273a55cf3..058ee534910 100644 --- a/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp +++ b/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp @@ -4,6 +4,11 @@ * * An implementation of the binary-tree-based numeric splitting procedure * described by Gama, Rocha, and Medas in their KDD 2003 paper. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_SPLIT_BINARY_NUMERIC_SPLIT_HPP #define MLPACK_METHODS_HOEFFDING_SPLIT_BINARY_NUMERIC_SPLIT_HPP diff --git a/src/mlpack/methods/hoeffding_trees/binary_numeric_split_impl.hpp b/src/mlpack/methods/hoeffding_trees/binary_numeric_split_impl.hpp index d90cdab3922..d7a99c121f1 100644 --- a/src/mlpack/methods/hoeffding_trees/binary_numeric_split_impl.hpp +++ b/src/mlpack/methods/hoeffding_trees/binary_numeric_split_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the BinaryNumericSplit class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_IMPL_HPP #define MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_IMPL_HPP diff --git a/src/mlpack/methods/hoeffding_trees/binary_numeric_split_info.hpp b/src/mlpack/methods/hoeffding_trees/binary_numeric_split_info.hpp index 4f0c70a431f..a8ba23e0cb9 100644 --- a/src/mlpack/methods/hoeffding_trees/binary_numeric_split_info.hpp +++ b/src/mlpack/methods/hoeffding_trees/binary_numeric_split_info.hpp @@ -4,6 +4,11 @@ * * After a binary numeric split has been made, this holds information on the * split (just the split point). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_INFO_HPP #define MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_INFO_HPP diff --git a/src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp b/src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp index ca6175ce5ed..24b7a683e49 100644 --- a/src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp +++ b/src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * After a categorical split has been made, this holds information on the split. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_CATEGORICAL_SPLIT_INFO_HPP #define MLPACK_METHODS_HOEFFDING_TREES_CATEGORICAL_SPLIT_INFO_HPP diff --git a/src/mlpack/methods/hoeffding_trees/gini_impurity.hpp b/src/mlpack/methods/hoeffding_trees/gini_impurity.hpp index cdfbbf18a5b..fda66f38826 100644 --- a/src/mlpack/methods/hoeffding_trees/gini_impurity.hpp +++ b/src/mlpack/methods/hoeffding_trees/gini_impurity.hpp @@ -4,6 +4,11 @@ * * The GiniImpurity class, which is a fitness function (FitnessFunction) for * streaming decision trees. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_GINI_INDEX_HPP #define MLPACK_METHODS_HOEFFDING_TREES_GINI_INDEX_HPP diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split.hpp index 1c479a78009..e9b3f8719aa 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split.hpp @@ -4,6 +4,11 @@ * * A class that contains the information necessary to perform a categorical * split for Hoeffding trees. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_HPP #define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_HPP diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split_impl.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split_impl.hpp index adfc728081a..93e6a46fc6a 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split_impl.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implemental of the HoeffdingCategoricalSplit class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_IMPL_HPP #define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_IMPL_HPP diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp index 54750abc15a..feff1cb8035 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp @@ -5,6 +5,11 @@ * A numeric feature split for Hoeffding trees. This is a very simple * implementation based on a minor note in the paper "Mining High-Speed Data * Streams" by Pedro Domingos and Geoff Hulten. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_HPP #define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_HPP diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split_impl.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split_impl.hpp index 8f2dc0772e4..1bbf137856f 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split_impl.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * An implementation of the simple HoeffdingNumericSplit class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_IMPL_HPP #define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_IMPL_HPP diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp index 9f3974bbb35..1f6c683f387 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp @@ -4,6 +4,11 @@ * * An implementation of the standard Hoeffding tree by Pedro Domingos and Geoff * Hulten in ``Mining High-Speed Data Streams''. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_HPP #define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_HPP diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp index e2d29b7b7d8..c5a5dea7ec6 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the HoeffdingTree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_IMPL_HPP #define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_IMPL_HPP diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_tree_main.cpp b/src/mlpack/methods/hoeffding_trees/hoeffding_tree_main.cpp index 608e5b53ca0..a4a618f2a34 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_tree_main.cpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_tree_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * A command-line executable that can build a streaming decision tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/hoeffding_trees/information_gain.hpp b/src/mlpack/methods/hoeffding_trees/information_gain.hpp index b78347042b5..880139410f4 100644 --- a/src/mlpack/methods/hoeffding_trees/information_gain.hpp +++ b/src/mlpack/methods/hoeffding_trees/information_gain.hpp @@ -4,6 +4,11 @@ * * An implementation of information gain, which can be used in place of Gini * impurity. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_INFORMATION_GAIN_HPP #define MLPACK_METHODS_HOEFFDING_TREES_INFORMATION_GAIN_HPP diff --git a/src/mlpack/methods/hoeffding_trees/numeric_split_info.hpp b/src/mlpack/methods/hoeffding_trees/numeric_split_info.hpp index a8e48dec31d..1e947c23ab6 100644 --- a/src/mlpack/methods/hoeffding_trees/numeric_split_info.hpp +++ b/src/mlpack/methods/hoeffding_trees/numeric_split_info.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * After a numeric split has been made, this holds information on the split. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_NUMERIC_SPLIT_INFO_HPP #define MLPACK_METHODS_HOEFFDING_TREES_NUMERIC_SPLIT_INFO_HPP diff --git a/src/mlpack/methods/hoeffding_trees/typedef.hpp b/src/mlpack/methods/hoeffding_trees/typedef.hpp index 2202d384372..3069190dff3 100644 --- a/src/mlpack/methods/hoeffding_trees/typedef.hpp +++ b/src/mlpack/methods/hoeffding_trees/typedef.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Useful typedefs. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_HOEFFDING_TREES_TYPEDEF_HPP #define MLPACK_METHODS_HOEFFDING_TREES_TYPEDEF_HPP diff --git a/src/mlpack/methods/kernel_pca/kernel_pca.hpp b/src/mlpack/methods/kernel_pca/kernel_pca.hpp index 36709fde1b1..3c54c233dba 100644 --- a/src/mlpack/methods/kernel_pca/kernel_pca.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_pca.hpp @@ -5,6 +5,11 @@ * * Defines the KernelPCA class to perform Kernel Principal Components Analysis * on the specified data set. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_HPP #define MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_HPP diff --git a/src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp b/src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp index 8ee556b7652..5204918fa61 100644 --- a/src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp @@ -5,6 +5,11 @@ * * Implementation of Kernel PCA class to perform Kernel Principal Components * Analysis on the specified data set. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_IMPL_HPP #define MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_IMPL_HPP diff --git a/src/mlpack/methods/kernel_pca/kernel_pca_main.cpp b/src/mlpack/methods/kernel_pca/kernel_pca_main.cpp index 83686f18cc5..0a36a8a4c6c 100644 --- a/src/mlpack/methods/kernel_pca/kernel_pca_main.cpp +++ b/src/mlpack/methods/kernel_pca/kernel_pca_main.cpp @@ -3,6 +3,11 @@ * @author Ajinkya Kale * * Executable for Kernel PCA. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/kernel_pca/kernel_rules/naive_method.hpp b/src/mlpack/methods/kernel_pca/kernel_rules/naive_method.hpp index 4850fba8c89..80b76c8c5ef 100644 --- a/src/mlpack/methods/kernel_pca/kernel_rules/naive_method.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_rules/naive_method.hpp @@ -3,6 +3,11 @@ * @author Ajinkya Kale * * Use the naive method to construct the kernel matrix. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KERNEL_PCA_NAIVE_METHOD_HPP diff --git a/src/mlpack/methods/kernel_pca/kernel_rules/nystroem_method.hpp b/src/mlpack/methods/kernel_pca/kernel_rules/nystroem_method.hpp index 6ae05ad3fb9..9e2eff6f10a 100644 --- a/src/mlpack/methods/kernel_pca/kernel_rules/nystroem_method.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_rules/nystroem_method.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Use the Nystroem method for approximating a kernel matrix. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KERNEL_PCA_NYSTROEM_METHOD_HPP diff --git a/src/mlpack/methods/kmeans/allow_empty_clusters.hpp b/src/mlpack/methods/kmeans/allow_empty_clusters.hpp index 5d6be13e25c..6bcfff20694 100644 --- a/src/mlpack/methods/kmeans/allow_empty_clusters.hpp +++ b/src/mlpack/methods/kmeans/allow_empty_clusters.hpp @@ -4,6 +4,11 @@ * * This very simple policy is used when K-Means is allowed to return empty * clusters. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_ALLOW_EMPTY_CLUSTERS_HPP #define MLPACK_METHODS_KMEANS_ALLOW_EMPTY_CLUSTERS_HPP diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans.hpp index 1026d681d80..200c895d583 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans.hpp @@ -6,6 +6,11 @@ * search as a black box. The conditions under which this will perform best are * probably limited to the case where k is close to the number of points in the * dataset, and the number of iterations of the k-means algorithm will be few. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_HPP #define MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_HPP diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp index d8deb552fb0..51612cdd607 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp @@ -6,6 +6,11 @@ * search as a black box. The conditions under which this will perform best are * probably limited to the case where k is close to the number of points in the * dataset, and the number of iterations of the k-means algorithm will be few. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_DTNN_KMEANS_IMPL_HPP #define MLPACK_METHODS_KMEANS_DTNN_KMEANS_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp index 1c7a7c41e3b..0a1f66c3b96 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp @@ -5,6 +5,11 @@ * A set of rules for the dual-tree k-means algorithm which uses dual-tree * nearest neighbor search. For the most part we'll call out to * NeighborSearchRules when we can. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_HPP #define MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_HPP diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans_rules_impl.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans_rules_impl.hpp index 22864554389..8be77cc7136 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans_rules_impl.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans_rules_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of DualTreeKMeansRules. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_IMPL_HPP #define MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans_statistic.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans_statistic.hpp index 6e162d44e85..ac87b74d021 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans_statistic.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans_statistic.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Statistic for dual-tree nearest neighbor search based k-means clustering. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_DTNN_STATISTIC_HPP #define MLPACK_METHODS_KMEANS_DTNN_STATISTIC_HPP diff --git a/src/mlpack/methods/kmeans/elkan_kmeans.hpp b/src/mlpack/methods/kmeans/elkan_kmeans.hpp index a94ffc095be..a28ccd45510 100644 --- a/src/mlpack/methods/kmeans/elkan_kmeans.hpp +++ b/src/mlpack/methods/kmeans/elkan_kmeans.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * An implementation of Elkan's algorithm for exact Lloyd iterations. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_ELKAN_KMEANS_HPP #define MLPACK_METHODS_KMEANS_ELKAN_KMEANS_HPP diff --git a/src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp b/src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp index 27751d864b8..0de4eeb6a08 100644 --- a/src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * An implementation of Elkan's algorithm for exact Lloyd iterations. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_ELKAN_KMEANS_IMPL_HPP #define MLPACK_METHODS_KMEANS_ELKAN_KMEANS_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/hamerly_kmeans.hpp b/src/mlpack/methods/kmeans/hamerly_kmeans.hpp index 1a551113a5d..9dede810970 100644 --- a/src/mlpack/methods/kmeans/hamerly_kmeans.hpp +++ b/src/mlpack/methods/kmeans/hamerly_kmeans.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * An implementation of Greg Hamerly's algorithm for k-means clustering. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_HPP #define MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_HPP diff --git a/src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp b/src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp index 1c3ac794925..7b867b16ec2 100644 --- a/src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * An implementation of Greg Hamerly's algorithm for k-means clustering. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_IMPL_HPP #define MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/kill_empty_clusters.hpp b/src/mlpack/methods/kmeans/kill_empty_clusters.hpp index d8aa97eda5e..648cb5ec68a 100644 --- a/src/mlpack/methods/kmeans/kill_empty_clusters.hpp +++ b/src/mlpack/methods/kmeans/kill_empty_clusters.hpp @@ -4,6 +4,11 @@ * * This very simple policy is used when K-Means is allowed to return empty * clusters. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_METHODS_KMEANS_KILL_EMPTY_CLUSTERS_HPP #define __MLPACK_METHODS_KMEANS_KILL_EMPTY_CLUSTERS_HPP diff --git a/src/mlpack/methods/kmeans/kmeans.hpp b/src/mlpack/methods/kmeans/kmeans.hpp index 13c96bdaef0..6d2a6f92d7b 100644 --- a/src/mlpack/methods/kmeans/kmeans.hpp +++ b/src/mlpack/methods/kmeans/kmeans.hpp @@ -3,6 +3,11 @@ * @author Parikshit Ram (pram@cc.gatech.edu) * * K-Means clustering. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_KMEANS_HPP #define MLPACK_METHODS_KMEANS_KMEANS_HPP diff --git a/src/mlpack/methods/kmeans/kmeans_impl.hpp b/src/mlpack/methods/kmeans/kmeans_impl.hpp index b7f14bdf53c..721847134b8 100644 --- a/src/mlpack/methods/kmeans/kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/kmeans_impl.hpp @@ -4,6 +4,11 @@ * @author Ryan Curtin * * Implementation for the K-means method for getting an initial point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "kmeans.hpp" diff --git a/src/mlpack/methods/kmeans/kmeans_main.cpp b/src/mlpack/methods/kmeans/kmeans_main.cpp index ededb912949..9e71c11a98e 100644 --- a/src/mlpack/methods/kmeans/kmeans_main.cpp +++ b/src/mlpack/methods/kmeans/kmeans_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Executable for running K-Means. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp b/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp index c3ea3becae0..220c7f68fde 100644 --- a/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp +++ b/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp @@ -5,6 +5,11 @@ * An implementation of the EmptyClusterPolicy policy class for K-Means. When * an empty cluster is detected, the point furthest from the centroid of the * cluster with maximum variance is taken to be a new cluster. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_HPP #define MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_HPP diff --git a/src/mlpack/methods/kmeans/max_variance_new_cluster_impl.hpp b/src/mlpack/methods/kmeans/max_variance_new_cluster_impl.hpp index c60ae95eb7f..3ecd74b404d 100644 --- a/src/mlpack/methods/kmeans/max_variance_new_cluster_impl.hpp +++ b/src/mlpack/methods/kmeans/max_variance_new_cluster_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of MaxVarianceNewCluster class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_IMPL_HPP #define MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/naive_kmeans.hpp b/src/mlpack/methods/kmeans/naive_kmeans.hpp index abb56556b04..bc80fbf8a3d 100644 --- a/src/mlpack/methods/kmeans/naive_kmeans.hpp +++ b/src/mlpack/methods/kmeans/naive_kmeans.hpp @@ -5,6 +5,11 @@ * An implementation of a naively-implemented step of the Lloyd algorithm for * k-means clustering. This may still be the best choice for small datasets or * datasets with very high dimensionality. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_NAIVE_KMEANS_HPP #define MLPACK_METHODS_KMEANS_NAIVE_KMEANS_HPP diff --git a/src/mlpack/methods/kmeans/naive_kmeans_impl.hpp b/src/mlpack/methods/kmeans/naive_kmeans_impl.hpp index 239169c548f..8f16e74a46a 100644 --- a/src/mlpack/methods/kmeans/naive_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/naive_kmeans_impl.hpp @@ -5,6 +5,11 @@ * An implementation of a naively-implemented step of the Lloyd algorithm for * k-means clustering. This may still be the best choice for small datasets or * datasets with very high dimensionality. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_NAIVE_KMEANS_IMPL_HPP #define MLPACK_METHODS_KMEANS_NAIVE_KMEANS_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp index 3645073cac3..67af38cbfd4 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp @@ -4,6 +4,11 @@ * * An implementation of Pelleg-Moore's 'blacklist' algorithm for k-means * clustering. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_HPP #define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_HPP diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp index 8403b07eccc..de5914f6a52 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp @@ -4,6 +4,11 @@ * * An implementation of Pelleg-Moore's 'blacklist' algorithm for k-means * clustering. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_IMPL_HPP #define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp index a2306b1b52d..c3025995fdc 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp @@ -5,6 +5,11 @@ * Defines the pruning rules and base cases rules necessary to perform * single-tree k-means clustering using the Pelleg-Moore fast k-means algorithm, * which has been shoehorned to fit into the mlpack tree abstractions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_HPP #define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_HPP diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp index d73f699e72a..3a0fb979308 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp @@ -5,6 +5,11 @@ * Implementation of the pruning rules and base cases necessary to perform * single-tree k-means clustering using the fast Pelleg-Moore k-means algorithm, * which has been shoehorned into the mlpack tree abstractions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_IMPL_HPP #define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_statistic.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_statistic.hpp index c611d41985f..8e875acd2d3 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_statistic.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_statistic.hpp @@ -4,6 +4,11 @@ * * A StatisticType for trees which holds the blacklist for various k-means * clusters. See the Pelleg and Moore paper for more details. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_STATISTIC_HPP #define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_STATISTIC_HPP diff --git a/src/mlpack/methods/kmeans/random_partition.hpp b/src/mlpack/methods/kmeans/random_partition.hpp index abf31c7e029..29de0686098 100644 --- a/src/mlpack/methods/kmeans/random_partition.hpp +++ b/src/mlpack/methods/kmeans/random_partition.hpp @@ -4,6 +4,11 @@ * * Very simple partitioner which partitions the data randomly into the number of * desired clusters. Used as the default InitialPartitionPolicy for KMeans. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_RANDOM_PARTITION_HPP #define MLPACK_METHODS_KMEANS_RANDOM_PARTITION_HPP diff --git a/src/mlpack/methods/kmeans/refined_start.hpp b/src/mlpack/methods/kmeans/refined_start.hpp index c68ed0ec198..c0bf6a2dc7e 100644 --- a/src/mlpack/methods/kmeans/refined_start.hpp +++ b/src/mlpack/methods/kmeans/refined_start.hpp @@ -5,6 +5,11 @@ * An implementation of Bradley and Fayyad's "Refining Initial Points for * K-Means clustering". This class is meant to provide better initial points * for the k-means algorithm. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_REFINED_START_HPP #define MLPACK_METHODS_KMEANS_REFINED_START_HPP diff --git a/src/mlpack/methods/kmeans/refined_start_impl.hpp b/src/mlpack/methods/kmeans/refined_start_impl.hpp index 7a10a9ad041..3822ad25f65 100644 --- a/src/mlpack/methods/kmeans/refined_start_impl.hpp +++ b/src/mlpack/methods/kmeans/refined_start_impl.hpp @@ -5,6 +5,11 @@ * An implementation of Bradley and Fayyad's "Refining Initial Points for * K-Means clustering". This class is meant to provide better initial points * for the k-means algorithm. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_KMEANS_REFINED_START_IMPL_HPP #define MLPACK_METHODS_KMEANS_REFINED_START_IMPL_HPP diff --git a/src/mlpack/methods/kmeans/sample_initialization.hpp b/src/mlpack/methods/kmeans/sample_initialization.hpp index 0d967b3e3f4..48a2244bd7a 100644 --- a/src/mlpack/methods/kmeans/sample_initialization.hpp +++ b/src/mlpack/methods/kmeans/sample_initialization.hpp @@ -5,6 +5,11 @@ * In order to construct initial centroids, randomly sample points from the * dataset. This tends to give better results than the RandomPartition * strategy. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_METHODS_KMEANS_SAMPLE_INITIALIZATION_HPP #define __MLPACK_METHODS_KMEANS_SAMPLE_INITIALIZATION_HPP diff --git a/src/mlpack/methods/lars/lars.cpp b/src/mlpack/methods/lars/lars.cpp index d6b0b3df9be..661fc807b7d 100644 --- a/src/mlpack/methods/lars/lars.cpp +++ b/src/mlpack/methods/lars/lars.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta (niche) * * Implementation of LARS and LASSO. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "lars.hpp" diff --git a/src/mlpack/methods/lars/lars.hpp b/src/mlpack/methods/lars/lars.hpp index 85293b6e422..fb51b1fe38b 100644 --- a/src/mlpack/methods/lars/lars.hpp +++ b/src/mlpack/methods/lars/lars.hpp @@ -15,6 +15,11 @@ * * Although this option currently is not implemented, it will be implemented * very soon. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LARS_LARS_HPP #define MLPACK_METHODS_LARS_LARS_HPP diff --git a/src/mlpack/methods/lars/lars_impl.hpp b/src/mlpack/methods/lars/lars_impl.hpp index b12bd76437b..c903566079f 100644 --- a/src/mlpack/methods/lars/lars_impl.hpp +++ b/src/mlpack/methods/lars/lars_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of templated LARS functions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LARS_LARS_IMPL_HPP #define MLPACK_METHODS_LARS_LARS_IMPL_HPP diff --git a/src/mlpack/methods/lars/lars_main.cpp b/src/mlpack/methods/lars/lars_main.cpp index 3bb6d3d12c6..73075d33c05 100644 --- a/src/mlpack/methods/lars/lars_main.cpp +++ b/src/mlpack/methods/lars/lars_main.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Executable for LARS. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/linear_regression/linear_regression.cpp b/src/mlpack/methods/linear_regression/linear_regression.cpp index 3da527ca8f9..25167e98134 100644 --- a/src/mlpack/methods/linear_regression/linear_regression.cpp +++ b/src/mlpack/methods/linear_regression/linear_regression.cpp @@ -4,6 +4,11 @@ * @author Michael Fox * * Implementation of simple linear regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "linear_regression.hpp" diff --git a/src/mlpack/methods/linear_regression/linear_regression.hpp b/src/mlpack/methods/linear_regression/linear_regression.hpp index 7577071ad85..79993bdff26 100644 --- a/src/mlpack/methods/linear_regression/linear_regression.hpp +++ b/src/mlpack/methods/linear_regression/linear_regression.hpp @@ -4,6 +4,11 @@ * @author Michael Fox * * Simple least-squares linear regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LINEAR_REGRESSION_LINEAR_REGRESSION_HPP #define MLPACK_METHODS_LINEAR_REGRESSION_LINEAR_REGRESSION_HPP diff --git a/src/mlpack/methods/linear_regression/linear_regression_main.cpp b/src/mlpack/methods/linear_regression/linear_regression_main.cpp index cb14a161eb2..b3cf6dd1d9c 100644 --- a/src/mlpack/methods/linear_regression/linear_regression_main.cpp +++ b/src/mlpack/methods/linear_regression/linear_regression_main.cpp @@ -3,6 +3,11 @@ * @author James Cline * * Main function for least-squares linear regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "linear_regression.hpp" diff --git a/src/mlpack/methods/local_coordinate_coding/lcc.cpp b/src/mlpack/methods/local_coordinate_coding/lcc.cpp index 54c2fa64a0f..31a6eaa3c41 100644 --- a/src/mlpack/methods/local_coordinate_coding/lcc.cpp +++ b/src/mlpack/methods/local_coordinate_coding/lcc.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Implementation of Local Coordinate Coding. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "lcc.hpp" diff --git a/src/mlpack/methods/local_coordinate_coding/lcc.hpp b/src/mlpack/methods/local_coordinate_coding/lcc.hpp index f1f65320dfd..28fdd6358c7 100644 --- a/src/mlpack/methods/local_coordinate_coding/lcc.hpp +++ b/src/mlpack/methods/local_coordinate_coding/lcc.hpp @@ -4,6 +4,11 @@ * * Definition of the LocalCoordinateCoding class, which performs the Local * Coordinate Coding algorithm. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_HPP #define MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_HPP diff --git a/src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp b/src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp index e527cc03341..b4c1ecbc95b 100644 --- a/src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp +++ b/src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Implementation of Local Coordinate Coding + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_IMPL_HPP #define MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_IMPL_HPP diff --git a/src/mlpack/methods/local_coordinate_coding/local_coordinate_coding_main.cpp b/src/mlpack/methods/local_coordinate_coding/local_coordinate_coding_main.cpp index d61937ab0f2..e6967fbe63c 100644 --- a/src/mlpack/methods/local_coordinate_coding/local_coordinate_coding_main.cpp +++ b/src/mlpack/methods/local_coordinate_coding/local_coordinate_coding_main.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Executable for Local Coordinate Coding. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "lcc.hpp" diff --git a/src/mlpack/methods/logistic_regression/logistic_regression.hpp b/src/mlpack/methods/logistic_regression/logistic_regression.hpp index 008193a3032..89733391b28 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression.hpp @@ -4,6 +4,11 @@ * * The LogisticRegression class, which implements logistic regression. This * implements supports L2-regularization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_HPP #define MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_HPP diff --git a/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp b/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp index dff6750dfc8..4ef2ddf73cd 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp @@ -5,6 +5,11 @@ * Implementation of the logistic regression function, which is meant to be * optimized by a separate optimizer class that takes LogisticRegressionFunction * as its FunctionType class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_FUNCTION_HPP #define MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_FUNCTION_HPP diff --git a/src/mlpack/methods/logistic_regression/logistic_regression_function_impl.hpp b/src/mlpack/methods/logistic_regression/logistic_regression_function_impl.hpp index 65a4a41d51e..1a8e023cca3 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_function_impl.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_function_impl.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Implementation of the LogisticRegressionFunction class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LOGISTIC_REGRESSION_FUNCTION_IMPL_HPP #define MLPACK_METHODS_LOGISTIC_REGRESSION_FUNCTION_IMPL_HPP diff --git a/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp b/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp index 48ea55b8453..d2a9b245dcf 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of the LogisticRegression class. This implementation supports * L2-regularization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_IMPL_HPP #define MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_IMPL_HPP diff --git a/src/mlpack/methods/logistic_regression/logistic_regression_main.cpp b/src/mlpack/methods/logistic_regression/logistic_regression_main.cpp index 0c33ccaaf81..17557fa5702 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_main.cpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Main executable for logistic regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "logistic_regression.hpp" diff --git a/src/mlpack/methods/lsh/lsh_main.cpp b/src/mlpack/methods/lsh/lsh_main.cpp index 308f8cb344b..470c2484834 100644 --- a/src/mlpack/methods/lsh/lsh_main.cpp +++ b/src/mlpack/methods/lsh/lsh_main.cpp @@ -4,6 +4,11 @@ * * This file computes the approximate nearest-neighbors using 2-stable * Locality-sensitive Hashing. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/lsh/lsh_search.hpp b/src/mlpack/methods/lsh/lsh_search.hpp index 902c2af3d1d..8b1f1b38168 100644 --- a/src/mlpack/methods/lsh/lsh_search.hpp +++ b/src/mlpack/methods/lsh/lsh_search.hpp @@ -34,6 +34,11 @@ * pages={950--961} * } * + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_HPP diff --git a/src/mlpack/methods/lsh/lsh_search_impl.hpp b/src/mlpack/methods/lsh/lsh_search_impl.hpp index bdef1be5b53..b09e4336cf2 100644 --- a/src/mlpack/methods/lsh/lsh_search_impl.hpp +++ b/src/mlpack/methods/lsh/lsh_search_impl.hpp @@ -3,6 +3,11 @@ * @author Parikshit Ram * * Implementation of the LSHSearch class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_IMPL_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_IMPL_HPP diff --git a/src/mlpack/methods/matrix_completion/matrix_completion.cpp b/src/mlpack/methods/matrix_completion/matrix_completion.cpp index 89948546bc8..fa5c2c4abca 100644 --- a/src/mlpack/methods/matrix_completion/matrix_completion.cpp +++ b/src/mlpack/methods/matrix_completion/matrix_completion.cpp @@ -3,6 +3,11 @@ * @author Stephen Tu * * Implementation of MatrixCompletion class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "matrix_completion.hpp" diff --git a/src/mlpack/methods/matrix_completion/matrix_completion.hpp b/src/mlpack/methods/matrix_completion/matrix_completion.hpp index c2bb8f3e294..a806f105c55 100644 --- a/src/mlpack/methods/matrix_completion/matrix_completion.hpp +++ b/src/mlpack/methods/matrix_completion/matrix_completion.hpp @@ -4,6 +4,11 @@ * * A thin wrapper around nuclear norm minimization to solve * low rank matrix completion problems. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_MATRIX_COMPLETION_MATRIX_COMPLETION_HPP #define MLPACK_METHODS_MATRIX_COMPLETION_MATRIX_COMPLETION_HPP diff --git a/src/mlpack/methods/mean_shift/mean_shift.hpp b/src/mlpack/methods/mean_shift/mean_shift.hpp index d7607d0f0f7..2d6da5afa5f 100644 --- a/src/mlpack/methods/mean_shift/mean_shift.hpp +++ b/src/mlpack/methods/mean_shift/mean_shift.hpp @@ -3,6 +3,11 @@ * @author Shangtong Zhang * * Mean Shift clustering + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_HPP diff --git a/src/mlpack/methods/mean_shift/mean_shift_impl.hpp b/src/mlpack/methods/mean_shift/mean_shift_impl.hpp index 03ce3e09ba6..6c67eb676e5 100644 --- a/src/mlpack/methods/mean_shift/mean_shift_impl.hpp +++ b/src/mlpack/methods/mean_shift/mean_shift_impl.hpp @@ -3,6 +3,11 @@ * @author Shangtong Zhang * * Mean shift clustering implementation. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_IMPL_HPP #define MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_IMPL_HPP diff --git a/src/mlpack/methods/mean_shift/mean_shift_main.cpp b/src/mlpack/methods/mean_shift/mean_shift_main.cpp index 88de594a902..270b68df251 100644 --- a/src/mlpack/methods/mean_shift/mean_shift_main.cpp +++ b/src/mlpack/methods/mean_shift/mean_shift_main.cpp @@ -3,6 +3,11 @@ * @author Shangtong Zhang * * Executable for running Mean Shift + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/mvu/mvu.cpp b/src/mlpack/methods/mvu/mvu.cpp index 4796e07306e..8c02d0ca6d2 100644 --- a/src/mlpack/methods/mvu/mvu.cpp +++ b/src/mlpack/methods/mvu/mvu.cpp @@ -5,6 +5,11 @@ * Implementation of the MVU class and its auxiliary objective function class. * * Note: this implementation of MVU does not work. See #189. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "mvu.hpp" diff --git a/src/mlpack/methods/mvu/mvu.hpp b/src/mlpack/methods/mvu/mvu.hpp index a4aaed324e6..c7f173bffe9 100644 --- a/src/mlpack/methods/mvu/mvu.hpp +++ b/src/mlpack/methods/mvu/mvu.hpp @@ -8,6 +8,11 @@ * Augmented Lagrangian optimizer (which in turn uses the L-BFGS optimizer). * * Note: this implementation of MVU does not work. See #189. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_MVU_MVU_HPP #define MLPACK_METHODS_MVU_MVU_HPP diff --git a/src/mlpack/methods/mvu/mvu_main.cpp b/src/mlpack/methods/mvu/mvu_main.cpp index de540489c21..07f0a997520 100644 --- a/src/mlpack/methods/mvu/mvu_main.cpp +++ b/src/mlpack/methods/mvu/mvu_main.cpp @@ -5,6 +5,11 @@ * Executable for MVU. * * Note: this implementation of MVU does not work. See #189. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "mvu.hpp" diff --git a/src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp b/src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp index a6cc3082e4e..48b7701edb3 100644 --- a/src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp +++ b/src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp @@ -5,6 +5,11 @@ * A Naive Bayes Classifier which parametrically estimates the distribution of * the features. It is assumed that the features have been sampled from a * Gaussian PDF. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_HPP #define MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_HPP diff --git a/src/mlpack/methods/naive_bayes/naive_bayes_classifier_impl.hpp b/src/mlpack/methods/naive_bayes/naive_bayes_classifier_impl.hpp index 526bcd8fb40..b7016096507 100644 --- a/src/mlpack/methods/naive_bayes/naive_bayes_classifier_impl.hpp +++ b/src/mlpack/methods/naive_bayes/naive_bayes_classifier_impl.hpp @@ -7,6 +7,11 @@ * the features. This classifier makes its predictions based on the assumption * that the features have been sampled from a set of Gaussians with diagonal * covariance. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_IMPL_HPP #define MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_IMPL_HPP diff --git a/src/mlpack/methods/naive_bayes/nbc_main.cpp b/src/mlpack/methods/naive_bayes/nbc_main.cpp index 10fff587f53..0f0d9f492c3 100644 --- a/src/mlpack/methods/naive_bayes/nbc_main.cpp +++ b/src/mlpack/methods/naive_bayes/nbc_main.cpp @@ -6,6 +6,11 @@ * * This classifier does parametric naive bayes classification assuming that the * features are sampled from a Gaussian distribution. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/nca/nca.hpp b/src/mlpack/methods/nca/nca.hpp index da67ee27cc7..a02a85f09dc 100644 --- a/src/mlpack/methods/nca/nca.hpp +++ b/src/mlpack/methods/nca/nca.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Declaration of NCA class (Neighborhood Components Analysis). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NCA_NCA_HPP #define MLPACK_METHODS_NCA_NCA_HPP diff --git a/src/mlpack/methods/nca/nca_impl.hpp b/src/mlpack/methods/nca/nca_impl.hpp index fdf0af46a0c..fd30afb058e 100644 --- a/src/mlpack/methods/nca/nca_impl.hpp +++ b/src/mlpack/methods/nca/nca_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of templated NCA class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NCA_NCA_IMPL_HPP #define MLPACK_METHODS_NCA_NCA_IMPL_HPP diff --git a/src/mlpack/methods/nca/nca_main.cpp b/src/mlpack/methods/nca/nca_main.cpp index c699c82625f..2d1221edbe4 100644 --- a/src/mlpack/methods/nca/nca_main.cpp +++ b/src/mlpack/methods/nca/nca_main.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Executable for Neighborhood Components Analysis. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/nca/nca_softmax_error_function.hpp b/src/mlpack/methods/nca/nca_softmax_error_function.hpp index 683993ad7d4..8054e1070b5 100644 --- a/src/mlpack/methods/nca/nca_softmax_error_function.hpp +++ b/src/mlpack/methods/nca/nca_softmax_error_function.hpp @@ -4,6 +4,11 @@ * * Implementation of the stochastic neighbor assignment probability error * function (the "softmax error"). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTION_HPP #define MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTION_HPP diff --git a/src/mlpack/methods/nca/nca_softmax_error_function_impl.hpp b/src/mlpack/methods/nca/nca_softmax_error_function_impl.hpp index d965bd56cb4..dd3bc248e32 100644 --- a/src/mlpack/methods/nca/nca_softmax_error_function_impl.hpp +++ b/src/mlpack/methods/nca/nca_softmax_error_function_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the Softmax error function. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTCLIN_IMPL_H #define MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTCLIN_IMPL_H diff --git a/src/mlpack/methods/neighbor_search/kfn_main.cpp b/src/mlpack/methods/neighbor_search/kfn_main.cpp index f7735494e90..9157891868b 100644 --- a/src/mlpack/methods/neighbor_search/kfn_main.cpp +++ b/src/mlpack/methods/neighbor_search/kfn_main.cpp @@ -4,6 +4,11 @@ * * Implementation of the KFN executable. Allows some number of standard * options. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/neighbor_search/knn_main.cpp b/src/mlpack/methods/neighbor_search/knn_main.cpp index 8cc891502be..2e8d87806cb 100644 --- a/src/mlpack/methods/neighbor_search/knn_main.cpp +++ b/src/mlpack/methods/neighbor_search/knn_main.cpp @@ -4,6 +4,11 @@ * * Implementation of the AllkNN executable. Allows some number of standard * options. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/neighbor_search/neighbor_search.hpp b/src/mlpack/methods/neighbor_search/neighbor_search.hpp index e57d8024e6d..e0506ac4b29 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search.hpp @@ -4,6 +4,11 @@ * * Defines the NeighborSearch class, which performs an abstract * nearest-neighbor-like query on two datasets. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_HPP diff --git a/src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp b/src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp index fb099e3e58c..f25ef3f992a 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of Neighbor-Search class to perform all-nearest-neighbors on * two specified data sets. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_IMPL_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_IMPL_HPP diff --git a/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp b/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp index 00d80ffee77..ccc0ccd991f 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp @@ -4,6 +4,11 @@ * * Defines the pruning rules and base case rules necessary to perform a * tree-based search (with an arbitrary tree) for the NeighborSearch class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_RULES_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_RULES_HPP diff --git a/src/mlpack/methods/neighbor_search/neighbor_search_rules_impl.hpp b/src/mlpack/methods/neighbor_search/neighbor_search_rules_impl.hpp index 65b89150fb7..835bd507365 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_rules_impl.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_rules_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of NeighborSearchRules. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_RULES_IMPL_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_RULES_IMPL_HPP diff --git a/src/mlpack/methods/neighbor_search/neighbor_search_stat.hpp b/src/mlpack/methods/neighbor_search/neighbor_search_stat.hpp index 433ea6486a7..1ce0262bb82 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_stat.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_stat.hpp @@ -4,6 +4,11 @@ * * Defines the NeighborSearch class, which performs an abstract * nearest-neighbor-like query on two datasets. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_STAT_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_STAT_HPP diff --git a/src/mlpack/methods/neighbor_search/ns_model.hpp b/src/mlpack/methods/neighbor_search/ns_model.hpp index de1cd8b9ee9..63876110ff5 100644 --- a/src/mlpack/methods/neighbor_search/ns_model.hpp +++ b/src/mlpack/methods/neighbor_search/ns_model.hpp @@ -6,6 +6,11 @@ * that it provides an easy way to serialize a model, abstracts away the * different types of trees, and also reflects the NeighborSearch API and * automatically directs to the right tree type. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_HPP diff --git a/src/mlpack/methods/neighbor_search/ns_model_impl.hpp b/src/mlpack/methods/neighbor_search/ns_model_impl.hpp index 5cd9e9d7aad..7b52ff2689e 100644 --- a/src/mlpack/methods/neighbor_search/ns_model_impl.hpp +++ b/src/mlpack/methods/neighbor_search/ns_model_impl.hpp @@ -6,6 +6,11 @@ * that it provides an easy way to serialize a model, abstracts away the * different types of trees, and also reflects the NeighborSearch API and * automatically directs to the right tree type. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_IMPL_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_IMPL_HPP diff --git a/src/mlpack/methods/neighbor_search/sort_policies/furthest_neighbor_sort.hpp b/src/mlpack/methods/neighbor_search/sort_policies/furthest_neighbor_sort.hpp index 2d385a98782..fc40f50530c 100644 --- a/src/mlpack/methods/neighbor_search/sort_policies/furthest_neighbor_sort.hpp +++ b/src/mlpack/methods/neighbor_search/sort_policies/furthest_neighbor_sort.hpp @@ -4,6 +4,11 @@ * * Implementation of the SortPolicy class for NeighborSearch; in this case, the * furthest neighbors are those that are most important. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_HPP diff --git a/src/mlpack/methods/neighbor_search/sort_policies/furthest_neighbor_sort_impl.hpp b/src/mlpack/methods/neighbor_search/sort_policies/furthest_neighbor_sort_impl.hpp index da9d4d6dd11..437821ace47 100644 --- a/src/mlpack/methods/neighbor_search/sort_policies/furthest_neighbor_sort_impl.hpp +++ b/src/mlpack/methods/neighbor_search/sort_policies/furthest_neighbor_sort_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of templated methods for the FurthestNeighborSort SortPolicy * class for the NeighborSearch class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_IMPL_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_IMPL_HPP diff --git a/src/mlpack/methods/neighbor_search/sort_policies/nearest_neighbor_sort.hpp b/src/mlpack/methods/neighbor_search/sort_policies/nearest_neighbor_sort.hpp index 3034db37716..3a623c64479 100644 --- a/src/mlpack/methods/neighbor_search/sort_policies/nearest_neighbor_sort.hpp +++ b/src/mlpack/methods/neighbor_search/sort_policies/nearest_neighbor_sort.hpp @@ -4,6 +4,11 @@ * * Implementation of the SortPolicy class for NeighborSearch; in this case, the * nearest neighbors are those that are most important. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_SORT_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_SORT_HPP diff --git a/src/mlpack/methods/neighbor_search/sort_policies/nearest_neighbor_sort_impl.hpp b/src/mlpack/methods/neighbor_search/sort_policies/nearest_neighbor_sort_impl.hpp index 608424aa056..6dcba3de30f 100644 --- a/src/mlpack/methods/neighbor_search/sort_policies/nearest_neighbor_sort_impl.hpp +++ b/src/mlpack/methods/neighbor_search/sort_policies/nearest_neighbor_sort_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of templated methods for the NearestNeighborSort SortPolicy * class for the NeighborSearch class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_NEIGHBOR_NEAREST_NEIGHBOR_SORT_IMPL_HPP #define MLPACK_NEIGHBOR_NEAREST_NEIGHBOR_SORT_IMPL_HPP diff --git a/src/mlpack/methods/neighbor_search/typedef.hpp b/src/mlpack/methods/neighbor_search/typedef.hpp index 5c12abe02a3..77821d5f80f 100644 --- a/src/mlpack/methods/neighbor_search/typedef.hpp +++ b/src/mlpack/methods/neighbor_search/typedef.hpp @@ -5,6 +5,11 @@ * Simple typedefs describing template instantiations of the NeighborSearch * class which are commonly used. This is meant to be included by * neighbor_search.h but is a separate file for simplicity. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_NEIGHBOR_SEARCH_TYPEDEF_H #define MLPACK_NEIGHBOR_SEARCH_TYPEDEF_H diff --git a/src/mlpack/methods/neighbor_search/unmap.cpp b/src/mlpack/methods/neighbor_search/unmap.cpp index ba60a334c31..d235f73f1c9 100644 --- a/src/mlpack/methods/neighbor_search/unmap.cpp +++ b/src/mlpack/methods/neighbor_search/unmap.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Auxiliary function to unmap neighbor search results. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "unmap.hpp" diff --git a/src/mlpack/methods/neighbor_search/unmap.hpp b/src/mlpack/methods/neighbor_search/unmap.hpp index 61d85ab5df7..febc46a91c2 100644 --- a/src/mlpack/methods/neighbor_search/unmap.hpp +++ b/src/mlpack/methods/neighbor_search/unmap.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Convenience methods to unmap results. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_UNMAP_HPP #define MLPACK_METHODS_NEIGHBOR_SEARCH_UNMAP_HPP diff --git a/src/mlpack/methods/nmf/nmf_main.cpp b/src/mlpack/methods/nmf/nmf_main.cpp index 97b5ecb0ec8..a9d06455cda 100644 --- a/src/mlpack/methods/nmf/nmf_main.cpp +++ b/src/mlpack/methods/nmf/nmf_main.cpp @@ -3,6 +3,11 @@ * @author Mohan Rajendran * * Main executable to run NMF. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/nystroem_method/kmeans_selection.hpp b/src/mlpack/methods/nystroem_method/kmeans_selection.hpp index 421de65e791..eb73fd3ebe3 100644 --- a/src/mlpack/methods/nystroem_method/kmeans_selection.hpp +++ b/src/mlpack/methods/nystroem_method/kmeans_selection.hpp @@ -4,6 +4,11 @@ * * Use the centroids of the K-Means clustering method for use in the Nystroem * method of kernel matrix approximation. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NYSTROEM_METHOD_KMEANS_SELECTION_HPP #define MLPACK_METHODS_NYSTROEM_METHOD_KMEANS_SELECTION_HPP diff --git a/src/mlpack/methods/nystroem_method/nystroem_method.hpp b/src/mlpack/methods/nystroem_method/nystroem_method.hpp index 52840ae7502..31d4a36d90e 100644 --- a/src/mlpack/methods/nystroem_method/nystroem_method.hpp +++ b/src/mlpack/methods/nystroem_method/nystroem_method.hpp @@ -6,6 +6,11 @@ * Implementation of the Nystroem method for approximating a kernel matrix. * There are many variations on how to do this, so template parameters allow the * selection of many different techniques. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_HPP #define MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_HPP diff --git a/src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp b/src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp index 30fe7f614b3..4218811dd55 100644 --- a/src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp +++ b/src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Implementation of the Nystroem method for approximating a kernel matrix. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_IMPL_HPP #define MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_IMPL_HPP diff --git a/src/mlpack/methods/nystroem_method/ordered_selection.hpp b/src/mlpack/methods/nystroem_method/ordered_selection.hpp index 3f5c8a929bd..88aaa69bca3 100644 --- a/src/mlpack/methods/nystroem_method/ordered_selection.hpp +++ b/src/mlpack/methods/nystroem_method/ordered_selection.hpp @@ -5,6 +5,11 @@ * Select the first points of the dataset for use in the Nystroem method of * kernel matrix approximation. This is mostly for testing, but might have * other uses. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NYSTROEM_METHOD_ORDERED_SELECTION_HPP #define MLPACK_METHODS_NYSTROEM_METHOD_ORDERED_SELECTION_HPP diff --git a/src/mlpack/methods/nystroem_method/random_selection.hpp b/src/mlpack/methods/nystroem_method/random_selection.hpp index b2126dc1ddf..425fb39338d 100644 --- a/src/mlpack/methods/nystroem_method/random_selection.hpp +++ b/src/mlpack/methods/nystroem_method/random_selection.hpp @@ -5,6 +5,11 @@ * Randomly select some points (with replacement) to use for the Nystroem * method. Replacement is suboptimal, but for rank << number of points, this is * unlikely. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NYSTROEM_METHOD_RANDOM_SELECTION_HPP #define MLPACK_METHODS_NYSTROEM_METHOD_RANDOM_SELECTION_HPP diff --git a/src/mlpack/methods/pca/decomposition_policies/exact_svd_method.hpp b/src/mlpack/methods/pca/decomposition_policies/exact_svd_method.hpp index 7b24b15ac73..1291f8915a3 100644 --- a/src/mlpack/methods/pca/decomposition_policies/exact_svd_method.hpp +++ b/src/mlpack/methods/pca/decomposition_policies/exact_svd_method.hpp @@ -6,6 +6,11 @@ * * Implementation of the exact svd method for use in the Principal Components * Analysis method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PCA_DECOMPOSITION_POLICIES_EXACT_SVD_METHOD_HPP diff --git a/src/mlpack/methods/pca/decomposition_policies/quic_svd_method.hpp b/src/mlpack/methods/pca/decomposition_policies/quic_svd_method.hpp index c866a8f4022..68affac3826 100644 --- a/src/mlpack/methods/pca/decomposition_policies/quic_svd_method.hpp +++ b/src/mlpack/methods/pca/decomposition_policies/quic_svd_method.hpp @@ -4,6 +4,11 @@ * * Implementation of the QUIC-SVD policy for use in the Principal Components * Analysis method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PCA_DECOMPOSITION_POLICIES_QUIC_SVD_METHOD_HPP diff --git a/src/mlpack/methods/pca/decomposition_policies/randomized_svd_method.hpp b/src/mlpack/methods/pca/decomposition_policies/randomized_svd_method.hpp index 767eb9b5d39..216e8696705 100644 --- a/src/mlpack/methods/pca/decomposition_policies/randomized_svd_method.hpp +++ b/src/mlpack/methods/pca/decomposition_policies/randomized_svd_method.hpp @@ -4,6 +4,11 @@ * * Implementation of the randomized svd method for use in the Principal * Components Analysis method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PCA_DECOMPOSITION_POLICIES_RANDOMIZED_SVD_METHOD_HPP diff --git a/src/mlpack/methods/pca/pca.hpp b/src/mlpack/methods/pca/pca.hpp index 62b5475c61a..8bf578f6563 100644 --- a/src/mlpack/methods/pca/pca.hpp +++ b/src/mlpack/methods/pca/pca.hpp @@ -7,6 +7,11 @@ * Defines the PCA class to perform Principal Components Analysis on the * specified data set. There are many variations on how to do this, so * template parameters allow the selection of different techniques. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PCA_PCA_HPP #define MLPACK_METHODS_PCA_PCA_HPP diff --git a/src/mlpack/methods/pca/pca_impl.hpp b/src/mlpack/methods/pca/pca_impl.hpp index 9f963b22b9f..89499adcd7c 100644 --- a/src/mlpack/methods/pca/pca_impl.hpp +++ b/src/mlpack/methods/pca/pca_impl.hpp @@ -6,6 +6,11 @@ * * Implementation of PCA class to perform Principal Components Analysis on the * specified data set. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PCA_PCA_IMPL_HPP @@ -170,4 +175,4 @@ double PCAType::Apply(arma::mat& data, } // namespace pca } // namespace mlpack -#endif \ No newline at end of file +#endif diff --git a/src/mlpack/methods/pca/pca_main.cpp b/src/mlpack/methods/pca/pca_main.cpp index cc77e86494f..248a1eafd3a 100644 --- a/src/mlpack/methods/pca/pca_main.cpp +++ b/src/mlpack/methods/pca/pca_main.cpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Main executable to run PCA. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp b/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp index 9c54d9da21e..5c28e1ce3d0 100644 --- a/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp +++ b/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Random initialization for perceptron weights. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_RANDOM_INIT_HPP #define MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_RANDOM_INIT_HPP diff --git a/src/mlpack/methods/perceptron/initialization_methods/zero_init.hpp b/src/mlpack/methods/perceptron/initialization_methods/zero_init.hpp index 9bff618b318..af136019806 100644 --- a/src/mlpack/methods/perceptron/initialization_methods/zero_init.hpp +++ b/src/mlpack/methods/perceptron/initialization_methods/zero_init.hpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Implementation of ZeroInitialization policy for perceptrons. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_ZERO_INIT_HPP #define MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_ZERO_INIT_HPP diff --git a/src/mlpack/methods/perceptron/learning_policies/simple_weight_update.hpp b/src/mlpack/methods/perceptron/learning_policies/simple_weight_update.hpp index 4fd79e4bcce..81a8a4f34ac 100644 --- a/src/mlpack/methods/perceptron/learning_policies/simple_weight_update.hpp +++ b/src/mlpack/methods/perceptron/learning_policies/simple_weight_update.hpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Simple weight update rule for the perceptron. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef _MLPACK_METHODS_PERCEPTRON_LEARNING_POLICIES_SIMPLE_WEIGHT_UPDATE_HPP #define _MLPACK_METHODS_PERCEPTRON_LEARNING_POLICIES_SIMPLE_WEIGHT_UPDATE_HPP diff --git a/src/mlpack/methods/perceptron/perceptron.hpp b/src/mlpack/methods/perceptron/perceptron.hpp index 7810e8e81bb..851248a4fa6 100644 --- a/src/mlpack/methods/perceptron/perceptron.hpp +++ b/src/mlpack/methods/perceptron/perceptron.hpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Definition of Perceptron class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PERCEPTRON_PERCEPTRON_HPP #define MLPACK_METHODS_PERCEPTRON_PERCEPTRON_HPP diff --git a/src/mlpack/methods/perceptron/perceptron_impl.hpp b/src/mlpack/methods/perceptron/perceptron_impl.hpp index 2e2948f3b88..ef570f7886a 100644 --- a/src/mlpack/methods/perceptron/perceptron_impl.hpp +++ b/src/mlpack/methods/perceptron/perceptron_impl.hpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Implementation of Perceptron class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_PERCEPTRON_PERCEPTRON_IMPL_HPP #define MLPACK_METHODS_PERCEPTRON_PERCEPTRON_IMPL_HPP diff --git a/src/mlpack/methods/perceptron/perceptron_main.cpp b/src/mlpack/methods/perceptron/perceptron_main.cpp index 8b298428484..30931912f5b 100644 --- a/src/mlpack/methods/perceptron/perceptron_main.cpp +++ b/src/mlpack/methods/perceptron/perceptron_main.cpp @@ -6,6 +6,11 @@ * * Perceptrons are simple single-layer binary classifiers, which solve linearly * separable problems with a linear decision boundary. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/preprocess/preprocess_binarize_main.cpp b/src/mlpack/methods/preprocess/preprocess_binarize_main.cpp index 9faa81538aa..853fa7b67bf 100644 --- a/src/mlpack/methods/preprocess/preprocess_binarize_main.cpp +++ b/src/mlpack/methods/preprocess/preprocess_binarize_main.cpp @@ -3,6 +3,11 @@ * @author Keon Kim * * binarize CLI executable + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/preprocess/preprocess_describe_main.cpp b/src/mlpack/methods/preprocess/preprocess_describe_main.cpp index 952d5c512ca..e6544018b5f 100644 --- a/src/mlpack/methods/preprocess/preprocess_describe_main.cpp +++ b/src/mlpack/methods/preprocess/preprocess_describe_main.cpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Descriptive Statistics Class and CLI executable. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/preprocess/preprocess_imputer_main.cpp b/src/mlpack/methods/preprocess/preprocess_imputer_main.cpp index 963ab6c5cf1..117563ddb23 100644 --- a/src/mlpack/methods/preprocess/preprocess_imputer_main.cpp +++ b/src/mlpack/methods/preprocess/preprocess_imputer_main.cpp @@ -4,6 +4,11 @@ * * a utility that provides imputation strategies fore * missing values. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/preprocess/preprocess_split_main.cpp b/src/mlpack/methods/preprocess/preprocess_split_main.cpp index 6a5b1493e56..0a458a8f2b7 100644 --- a/src/mlpack/methods/preprocess/preprocess_split_main.cpp +++ b/src/mlpack/methods/preprocess/preprocess_split_main.cpp @@ -3,6 +3,11 @@ * @author Keon Kim * * split data CLI executable + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/quic_svd/quic_svd.cpp b/src/mlpack/methods/quic_svd/quic_svd.cpp index 4640d481811..5a5bcf2c450 100644 --- a/src/mlpack/methods/quic_svd/quic_svd.cpp +++ b/src/mlpack/methods/quic_svd/quic_svd.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * An implementation of QUIC-SVD. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ // In case it hasn't been included yet. diff --git a/src/mlpack/methods/quic_svd/quic_svd.hpp b/src/mlpack/methods/quic_svd/quic_svd.hpp index d470bfe6f8f..3e9986f51a2 100644 --- a/src/mlpack/methods/quic_svd/quic_svd.hpp +++ b/src/mlpack/methods/quic_svd/quic_svd.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * An implementation of QUIC-SVD. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_QUIC_SVD_QUIC_SVD_HPP #define MLPACK_METHODS_QUIC_SVD_QUIC_SVD_HPP diff --git a/src/mlpack/methods/radical/radical.cpp b/src/mlpack/methods/radical/radical.cpp index 816e8e673ad..85e06bdbe35 100644 --- a/src/mlpack/methods/radical/radical.cpp +++ b/src/mlpack/methods/radical/radical.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Implementation of Radical class + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "radical.hpp" diff --git a/src/mlpack/methods/radical/radical.hpp b/src/mlpack/methods/radical/radical.hpp index 81e9ec974b9..5a8b9669729 100644 --- a/src/mlpack/methods/radical/radical.hpp +++ b/src/mlpack/methods/radical/radical.hpp @@ -4,6 +4,11 @@ * * Declaration of Radical class (RADICAL is Robust, Accurate, Direct ICA * aLgorithm). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RADICAL_RADICAL_HPP diff --git a/src/mlpack/methods/radical/radical_main.cpp b/src/mlpack/methods/radical/radical_main.cpp index 544e7bc24af..ecdac0d087c 100644 --- a/src/mlpack/methods/radical/radical_main.cpp +++ b/src/mlpack/methods/radical/radical_main.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Executable for RADICAL. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/randomized_svd/randomized_svd.cpp b/src/mlpack/methods/randomized_svd/randomized_svd.cpp index 72091ca7a23..60a72acd076 100644 --- a/src/mlpack/methods/randomized_svd/randomized_svd.cpp +++ b/src/mlpack/methods/randomized_svd/randomized_svd.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Implementation of the randomized SVD method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "randomized_svd.hpp" diff --git a/src/mlpack/methods/randomized_svd/randomized_svd.hpp b/src/mlpack/methods/randomized_svd/randomized_svd.hpp index ba159c0ce2b..d1bba75a110 100644 --- a/src/mlpack/methods/randomized_svd/randomized_svd.hpp +++ b/src/mlpack/methods/randomized_svd/randomized_svd.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * An implementation of the randomized SVD method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANDOMIZED_SVD_RANDOMIZED_SVD_HPP diff --git a/src/mlpack/methods/range_search/range_search.hpp b/src/mlpack/methods/range_search/range_search.hpp index 021f5c0c8d1..e41f7f62253 100644 --- a/src/mlpack/methods/range_search/range_search.hpp +++ b/src/mlpack/methods/range_search/range_search.hpp @@ -4,6 +4,11 @@ * * Defines the RangeSearch class, which performs a generalized range search on * points. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_HPP #define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_HPP diff --git a/src/mlpack/methods/range_search/range_search_impl.hpp b/src/mlpack/methods/range_search/range_search_impl.hpp index c7e63380eb1..e669597fd92 100644 --- a/src/mlpack/methods/range_search/range_search_impl.hpp +++ b/src/mlpack/methods/range_search/range_search_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the RangeSearch class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_IMPL_HPP #define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_IMPL_HPP diff --git a/src/mlpack/methods/range_search/range_search_main.cpp b/src/mlpack/methods/range_search/range_search_main.cpp index 92e0be86f35..698d6e31798 100644 --- a/src/mlpack/methods/range_search/range_search_main.cpp +++ b/src/mlpack/methods/range_search/range_search_main.cpp @@ -5,6 +5,11 @@ * * Implementation of the RangeSearch executable. Allows some number of standard * options. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/methods/range_search/range_search_rules.hpp b/src/mlpack/methods/range_search/range_search_rules.hpp index 5ffce4487bc..260a862327d 100644 --- a/src/mlpack/methods/range_search/range_search_rules.hpp +++ b/src/mlpack/methods/range_search/range_search_rules.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Rules for range search, so that it can be done with arbitrary tree types. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_HPP #define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_HPP diff --git a/src/mlpack/methods/range_search/range_search_rules_impl.hpp b/src/mlpack/methods/range_search/range_search_rules_impl.hpp index 0ed5ada64f4..65db14a818b 100644 --- a/src/mlpack/methods/range_search/range_search_rules_impl.hpp +++ b/src/mlpack/methods/range_search/range_search_rules_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of rules for range search with generic trees. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_IMPL_HPP #define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_IMPL_HPP diff --git a/src/mlpack/methods/range_search/range_search_stat.hpp b/src/mlpack/methods/range_search/range_search_stat.hpp index 310180d84d2..0a8e243d33e 100644 --- a/src/mlpack/methods/range_search/range_search_stat.hpp +++ b/src/mlpack/methods/range_search/range_search_stat.hpp @@ -4,6 +4,11 @@ * * Statistic class for RangeSearch, which just holds the last visited node and * the corresponding base case result. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_STAT_HPP #define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_STAT_HPP diff --git a/src/mlpack/methods/range_search/rs_model.cpp b/src/mlpack/methods/range_search/rs_model.cpp index 49328612287..aac504a2735 100644 --- a/src/mlpack/methods/range_search/rs_model.cpp +++ b/src/mlpack/methods/range_search/rs_model.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the range search model class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "rs_model.hpp" diff --git a/src/mlpack/methods/range_search/rs_model.hpp b/src/mlpack/methods/range_search/rs_model.hpp index bea33d5cb31..381252190aa 100644 --- a/src/mlpack/methods/range_search/rs_model.hpp +++ b/src/mlpack/methods/range_search/rs_model.hpp @@ -6,6 +6,11 @@ * way to serialize a model, abstracts away the different types of trees, and * also reflects the RangeSearch API and automatically directs to the right * tree types. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_HPP #define MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_HPP diff --git a/src/mlpack/methods/range_search/rs_model_impl.hpp b/src/mlpack/methods/range_search/rs_model_impl.hpp index 69b7b7150d7..4bc73b413e3 100644 --- a/src/mlpack/methods/range_search/rs_model_impl.hpp +++ b/src/mlpack/methods/range_search/rs_model_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of Serialize() and inline functions for RSModel. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_IMPL_HPP #define MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_IMPL_HPP diff --git a/src/mlpack/methods/rann/krann_main.cpp b/src/mlpack/methods/rann/krann_main.cpp index 26f3eb52864..b41612188a3 100644 --- a/src/mlpack/methods/rann/krann_main.cpp +++ b/src/mlpack/methods/rann/krann_main.cpp @@ -4,6 +4,11 @@ * * Implementation of the kRANN executable. Allows some number of standard * options. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/rann/ra_model.hpp b/src/mlpack/methods/rann/ra_model.hpp index 676a555de18..c9ddbd5bcd1 100644 --- a/src/mlpack/methods/rann/ra_model.hpp +++ b/src/mlpack/methods/rann/ra_model.hpp @@ -5,6 +5,11 @@ * This is a model for rank-approximate nearest neighbor search. It provides an * easy way to serialize a rank-approximate neighbor search model by abstracting * the types of trees and reflecting the RASearch API. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANN_RA_MODEL_HPP #define MLPACK_METHODS_RANN_RA_MODEL_HPP diff --git a/src/mlpack/methods/rann/ra_model_impl.hpp b/src/mlpack/methods/rann/ra_model_impl.hpp index a3bdb25e830..0917282b691 100644 --- a/src/mlpack/methods/rann/ra_model_impl.hpp +++ b/src/mlpack/methods/rann/ra_model_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the RAModel class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANN_RA_MODEL_IMPL_HPP #define MLPACK_METHODS_RANN_RA_MODEL_IMPL_HPP diff --git a/src/mlpack/methods/rann/ra_query_stat.hpp b/src/mlpack/methods/rann/ra_query_stat.hpp index b51c8bab8de..4a9cfd0da05 100644 --- a/src/mlpack/methods/rann/ra_query_stat.hpp +++ b/src/mlpack/methods/rann/ra_query_stat.hpp @@ -4,6 +4,11 @@ * * Defines the RAQueryStat class, which is the statistic used for * rank-approximate nearest neighbor search (RASearch). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANN_RA_QUERY_STAT_HPP #define MLPACK_METHODS_RANN_RA_QUERY_STAT_HPP diff --git a/src/mlpack/methods/rann/ra_search.hpp b/src/mlpack/methods/rann/ra_search.hpp index 84d7c360aca..fe87e2c15fb 100644 --- a/src/mlpack/methods/rann/ra_search.hpp +++ b/src/mlpack/methods/rann/ra_search.hpp @@ -14,6 +14,11 @@ * booktitle={{Advances of Neural Information Processing Systems}}, * year={2009} * } + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANN_RA_SEARCH_HPP #define MLPACK_METHODS_RANN_RA_SEARCH_HPP diff --git a/src/mlpack/methods/rann/ra_search_impl.hpp b/src/mlpack/methods/rann/ra_search_impl.hpp index 6c92ea05fc8..699bac775cd 100644 --- a/src/mlpack/methods/rann/ra_search_impl.hpp +++ b/src/mlpack/methods/rann/ra_search_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of RASearch class to perform rank-approximate * all-nearest-neighbors on two specified data sets. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANN_RA_SEARCH_IMPL_HPP #define MLPACK_METHODS_RANN_RA_SEARCH_IMPL_HPP diff --git a/src/mlpack/methods/rann/ra_search_rules.hpp b/src/mlpack/methods/rann/ra_search_rules.hpp index c47934bd162..4772ec46f2c 100644 --- a/src/mlpack/methods/rann/ra_search_rules.hpp +++ b/src/mlpack/methods/rann/ra_search_rules.hpp @@ -5,6 +5,11 @@ * Defines the pruning rules and base case rules necessary to perform a * tree-based rank-approximate search (with an arbitrary tree) for the RASearch * class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANN_RA_SEARCH_RULES_HPP #define MLPACK_METHODS_RANN_RA_SEARCH_RULES_HPP diff --git a/src/mlpack/methods/rann/ra_search_rules_impl.hpp b/src/mlpack/methods/rann/ra_search_rules_impl.hpp index ae13d5bb8c5..3bec753040b 100644 --- a/src/mlpack/methods/rann/ra_search_rules_impl.hpp +++ b/src/mlpack/methods/rann/ra_search_rules_impl.hpp @@ -3,6 +3,11 @@ * @author Parikshit Ram * * Implementation of RASearchRules. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANN_RA_SEARCH_RULES_IMPL_HPP #define MLPACK_METHODS_RANN_RA_SEARCH_RULES_IMPL_HPP diff --git a/src/mlpack/methods/rann/ra_typedef.hpp b/src/mlpack/methods/rann/ra_typedef.hpp index 553dd047dad..70023c5ab13 100644 --- a/src/mlpack/methods/rann/ra_typedef.hpp +++ b/src/mlpack/methods/rann/ra_typedef.hpp @@ -4,6 +4,11 @@ * * Simple typedefs describing template instantiations of the RASearch * class which are commonly used. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_RANN_RA_TYPEDEF_HPP #define MLPACK_RANN_RA_TYPEDEF_HPP diff --git a/src/mlpack/methods/rann/ra_util.cpp b/src/mlpack/methods/rann/ra_util.cpp index c85edee0299..a5dcd0b1b61 100644 --- a/src/mlpack/methods/rann/ra_util.cpp +++ b/src/mlpack/methods/rann/ra_util.cpp @@ -4,6 +4,11 @@ * @author Ryan Curtin * * Utilities for rank-approximate neighbor search. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "ra_util.hpp" diff --git a/src/mlpack/methods/rann/ra_util.hpp b/src/mlpack/methods/rann/ra_util.hpp index 140146735cf..7139421028e 100644 --- a/src/mlpack/methods/rann/ra_util.hpp +++ b/src/mlpack/methods/rann/ra_util.hpp @@ -4,6 +4,11 @@ * @author Ryan Curtin * * Utilities for rank-approximate neighbor search. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_RANN_RA_UTIL_HPP #define MLPACK_METHODS_RANN_RA_UTIL_HPP diff --git a/src/mlpack/methods/regularized_svd/regularized_svd.hpp b/src/mlpack/methods/regularized_svd/regularized_svd.hpp index 8ab1d6cef9b..9dfa645ec58 100644 --- a/src/mlpack/methods/regularized_svd/regularized_svd.hpp +++ b/src/mlpack/methods/regularized_svd/regularized_svd.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * An implementation of Regularized SVD. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_HPP diff --git a/src/mlpack/methods/regularized_svd/regularized_svd_function.cpp b/src/mlpack/methods/regularized_svd/regularized_svd_function.cpp index 8c263f1a770..55b8d03309c 100644 --- a/src/mlpack/methods/regularized_svd/regularized_svd_function.cpp +++ b/src/mlpack/methods/regularized_svd/regularized_svd_function.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * An implementation of the RegularizedSVDFunction class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "regularized_svd_function.hpp" diff --git a/src/mlpack/methods/regularized_svd/regularized_svd_function.hpp b/src/mlpack/methods/regularized_svd/regularized_svd_function.hpp index 82d8c2a728c..1ff2818a2bc 100644 --- a/src/mlpack/methods/regularized_svd/regularized_svd_function.hpp +++ b/src/mlpack/methods/regularized_svd/regularized_svd_function.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * An implementation of the RegularizedSVDFunction class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_FUNCTION_SVD_HPP diff --git a/src/mlpack/methods/regularized_svd/regularized_svd_impl.hpp b/src/mlpack/methods/regularized_svd/regularized_svd_impl.hpp index c75236d3084..450689747a4 100644 --- a/src/mlpack/methods/regularized_svd/regularized_svd_impl.hpp +++ b/src/mlpack/methods/regularized_svd/regularized_svd_impl.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * An implementation of Regularized SVD. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_IMPL_HPP diff --git a/src/mlpack/methods/rmva/rmva.hpp b/src/mlpack/methods/rmva/rmva.hpp index 7fb0510b395..5f4f03112c8 100644 --- a/src/mlpack/methods/rmva/rmva.hpp +++ b/src/mlpack/methods/rmva/rmva.hpp @@ -4,6 +4,11 @@ * * Definition of the RecurrentNeuralAttention class, which implements the * Recurrent Model for Visual Attention. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_METHODS_RMVA_RMVA_HPP #define __MLPACK_METHODS_RMVA_RMVA_HPP diff --git a/src/mlpack/methods/rmva/rmva_impl.hpp b/src/mlpack/methods/rmva/rmva_impl.hpp index fb9fd7c12ee..cfb310b3993 100644 --- a/src/mlpack/methods/rmva/rmva_impl.hpp +++ b/src/mlpack/methods/rmva/rmva_impl.hpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Implementation of the Recurrent Model for Visual Attention. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_METHODS_RMVA_RMVA_IMPL_HPP #define __MLPACK_METHODS_RMVA_RMVA_IMPL_HPP diff --git a/src/mlpack/methods/rmva/rmva_main.cpp b/src/mlpack/methods/rmva/rmva_main.cpp index b76eefcf84b..8c957657496 100644 --- a/src/mlpack/methods/rmva/rmva_main.cpp +++ b/src/mlpack/methods/rmva/rmva_main.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Main executable for the Recurrent Model for Visual Attention. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/methods/softmax_regression/softmax_regression.hpp b/src/mlpack/methods/softmax_regression/softmax_regression.hpp index e08466b35db..c5c31e3d754 100644 --- a/src/mlpack/methods/softmax_regression/softmax_regression.hpp +++ b/src/mlpack/methods/softmax_regression/softmax_regression.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * An implementation of softmax regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_HPP #define MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_HPP diff --git a/src/mlpack/methods/softmax_regression/softmax_regression_function.cpp b/src/mlpack/methods/softmax_regression/softmax_regression_function.cpp index 850549ae28a..27c18049d4b 100644 --- a/src/mlpack/methods/softmax_regression/softmax_regression_function.cpp +++ b/src/mlpack/methods/softmax_regression/softmax_regression_function.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Implementation of function to be optimized for softmax regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "softmax_regression_function.hpp" diff --git a/src/mlpack/methods/softmax_regression/softmax_regression_function.hpp b/src/mlpack/methods/softmax_regression/softmax_regression_function.hpp index 440f401a04e..5b0e7314c32 100644 --- a/src/mlpack/methods/softmax_regression/softmax_regression_function.hpp +++ b/src/mlpack/methods/softmax_regression/softmax_regression_function.hpp @@ -4,6 +4,11 @@ * * The function to be optimized for softmax regression. Any mlpack optimizer * can be used. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_FUNCTION_HPP #define MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_FUNCTION_HPP diff --git a/src/mlpack/methods/softmax_regression/softmax_regression_impl.hpp b/src/mlpack/methods/softmax_regression/softmax_regression_impl.hpp index dfede6e50e1..c5c8486f1bc 100644 --- a/src/mlpack/methods/softmax_regression/softmax_regression_impl.hpp +++ b/src/mlpack/methods/softmax_regression/softmax_regression_impl.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Implementation of softmax regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_IMPL_HPP #define MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_IMPL_HPP diff --git a/src/mlpack/methods/softmax_regression/softmax_regression_main.cpp b/src/mlpack/methods/softmax_regression/softmax_regression_main.cpp index 2d8ade92378..18c310b0b5b 100644 --- a/src/mlpack/methods/softmax_regression/softmax_regression_main.cpp +++ b/src/mlpack/methods/softmax_regression/softmax_regression_main.cpp @@ -1,3 +1,13 @@ +/** + * @file softmax_regression_main.cpp + * + * Main program for softmax regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. + */ #include #include #include diff --git a/src/mlpack/methods/sparse_autoencoder/maximal_inputs.cpp b/src/mlpack/methods/sparse_autoencoder/maximal_inputs.cpp index 69e72781605..aa76a4db787 100644 --- a/src/mlpack/methods/sparse_autoencoder/maximal_inputs.cpp +++ b/src/mlpack/methods/sparse_autoencoder/maximal_inputs.cpp @@ -3,6 +3,11 @@ * @author Tham Ngap Wei * * Implementation of MaximalInputs(). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "maximal_inputs.hpp" diff --git a/src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp b/src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp index 8c61921024c..0c31392a1c5 100644 --- a/src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp +++ b/src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp @@ -3,6 +3,11 @@ * @author Tham Ngap Wei * * A function to find the maximal inputs of an autoencoder. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NN_MAXIMAL_INPUTS_HPP #define MLPACK_METHODS_NN_MAXIMAL_INPUTS_HPP diff --git a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp index 68cae27cdb8..aac73c249b1 100644 --- a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp +++ b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * An implementation of sparse autoencoders. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_HPP #define MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_HPP diff --git a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.cpp b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.cpp index 229060a01b8..050de5efa4f 100644 --- a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.cpp +++ b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Implementation of function to be optimized for sparse autoencoders. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "sparse_autoencoder_function.hpp" diff --git a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.hpp b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.hpp index 57eb5da5102..14fb81165c8 100644 --- a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.hpp +++ b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.hpp @@ -4,6 +4,11 @@ * * The function to be optimized for sparse autoencoders. Any mlpack optimizer * can be used. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_FUNCTION_HPP #define MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_FUNCTION_HPP diff --git a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_impl.hpp b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_impl.hpp index a149de7d686..153298ab235 100644 --- a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_impl.hpp +++ b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_impl.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Implementation of sparse autoencoders. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_IMPL_HPP #define MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_IMPL_HPP diff --git a/src/mlpack/methods/sparse_coding/data_dependent_random_initializer.hpp b/src/mlpack/methods/sparse_coding/data_dependent_random_initializer.hpp index e77535a1e6a..6609574bc10 100644 --- a/src/mlpack/methods/sparse_coding/data_dependent_random_initializer.hpp +++ b/src/mlpack/methods/sparse_coding/data_dependent_random_initializer.hpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * A sensible heuristic for initializing dictionaries for sparse coding. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SPARSE_CODING_DATA_DEPENDENT_RANDOM_INITIALIZER_HPP #define MLPACK_METHODS_SPARSE_CODING_DATA_DEPENDENT_RANDOM_INITIALIZER_HPP diff --git a/src/mlpack/methods/sparse_coding/nothing_initializer.hpp b/src/mlpack/methods/sparse_coding/nothing_initializer.hpp index 987f77f3884..a6a5b4d12a0 100644 --- a/src/mlpack/methods/sparse_coding/nothing_initializer.hpp +++ b/src/mlpack/methods/sparse_coding/nothing_initializer.hpp @@ -5,6 +5,11 @@ * An initializer for SparseCoding which does precisely nothing. It is useful * for when you have an already defined dictionary and you plan on setting it * with SparseCoding::Dictionary(). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SPARSE_CODING_NOTHING_INITIALIZER_HPP #define MLPACK_METHODS_SPARSE_CODING_NOTHING_INITIALIZER_HPP diff --git a/src/mlpack/methods/sparse_coding/random_initializer.hpp b/src/mlpack/methods/sparse_coding/random_initializer.hpp index b7fdb22064f..ad96df423d3 100644 --- a/src/mlpack/methods/sparse_coding/random_initializer.hpp +++ b/src/mlpack/methods/sparse_coding/random_initializer.hpp @@ -4,6 +4,11 @@ * * A very simple random dictionary initializer for SparseCoding; it is probably * not a very good choice. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SPARSE_CODING_RANDOM_INITIALIZER_HPP #define MLPACK_METHODS_SPARSE_CODING_RANDOM_INITIALIZER_HPP diff --git a/src/mlpack/methods/sparse_coding/sparse_coding.cpp b/src/mlpack/methods/sparse_coding/sparse_coding.cpp index 1e944feabd3..6d76ffe0ede 100644 --- a/src/mlpack/methods/sparse_coding/sparse_coding.cpp +++ b/src/mlpack/methods/sparse_coding/sparse_coding.cpp @@ -4,6 +4,11 @@ * * Implementation of Sparse Coding with Dictionary Learning using l1 (LASSO) or * l1+l2 (Elastic Net) regularization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "sparse_coding.hpp" diff --git a/src/mlpack/methods/sparse_coding/sparse_coding.hpp b/src/mlpack/methods/sparse_coding/sparse_coding.hpp index 88bf500454b..9f7f3c8a3f0 100644 --- a/src/mlpack/methods/sparse_coding/sparse_coding.hpp +++ b/src/mlpack/methods/sparse_coding/sparse_coding.hpp @@ -4,6 +4,11 @@ * * Definition of the SparseCoding class, which performs L1 (LASSO) or * L1+L2 (Elastic Net)-regularized sparse coding with dictionary learning + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_HPP #define MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_HPP diff --git a/src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp b/src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp index f6cb75166cb..353ef27624a 100644 --- a/src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp +++ b/src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of Sparse Coding with Dictionary Learning using l1 (LASSO) or * l1+l2 (Elastic Net) regularization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_IMPL_HPP #define MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_IMPL_HPP diff --git a/src/mlpack/methods/sparse_coding/sparse_coding_main.cpp b/src/mlpack/methods/sparse_coding/sparse_coding_main.cpp index 5ab918ef054..7a571b51413 100644 --- a/src/mlpack/methods/sparse_coding/sparse_coding_main.cpp +++ b/src/mlpack/methods/sparse_coding/sparse_coding_main.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Executable for Sparse Coding. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "sparse_coding.hpp" diff --git a/src/mlpack/prereqs.hpp b/src/mlpack/prereqs.hpp index a9d7fcbb2e2..4849487deec 100644 --- a/src/mlpack/prereqs.hpp +++ b/src/mlpack/prereqs.hpp @@ -2,6 +2,11 @@ * @file prereqs.hpp * * The core includes that mlpack expects; standard C++ includes and Armadillo. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_PREREQS_HPP #define MLPACK_PREREQS_HPP diff --git a/src/mlpack/tests/activation_functions_test.cpp b/src/mlpack/tests/activation_functions_test.cpp index 9f32f8d5f99..bebca0de09b 100644 --- a/src/mlpack/tests/activation_functions_test.cpp +++ b/src/mlpack/tests/activation_functions_test.cpp @@ -4,6 +4,11 @@ * @author Dhawal Arora * * Tests for the various activation functions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/ada_delta_test.cpp b/src/mlpack/tests/ada_delta_test.cpp index 483ce62b2f2..481e117c525 100644 --- a/src/mlpack/tests/ada_delta_test.cpp +++ b/src/mlpack/tests/ada_delta_test.cpp @@ -4,6 +4,11 @@ * @author Vasanth Kalingeri * * Tests the AdaDelta optimizer + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/adaboost_test.cpp b/src/mlpack/tests/adaboost_test.cpp index 6a04e6ea0fd..542eb596bcd 100644 --- a/src/mlpack/tests/adaboost_test.cpp +++ b/src/mlpack/tests/adaboost_test.cpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Tests for AdaBoost class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/adam_test.cpp b/src/mlpack/tests/adam_test.cpp index 6daa5cb19cd..2c52f64ab5a 100644 --- a/src/mlpack/tests/adam_test.cpp +++ b/src/mlpack/tests/adam_test.cpp @@ -3,6 +3,11 @@ * @author Vasanth Kalingeri * * Tests the Adam optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/akfn_test.cpp b/src/mlpack/tests/akfn_test.cpp index 993f52a54ff..93f40145037 100644 --- a/src/mlpack/tests/akfn_test.cpp +++ b/src/mlpack/tests/akfn_test.cpp @@ -2,6 +2,11 @@ * @file akfn_test.cpp * * Tests for KFN (k-furthest-neighbors) with different values of epsilon. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/aknn_test.cpp b/src/mlpack/tests/aknn_test.cpp index be48ec0878f..82d1bdf11c6 100644 --- a/src/mlpack/tests/aknn_test.cpp +++ b/src/mlpack/tests/aknn_test.cpp @@ -2,6 +2,11 @@ * @file aknn_test.cpp * * Test file for KNN class with different values of epsilon. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/arma_extend_test.cpp b/src/mlpack/tests/arma_extend_test.cpp index 79fd0e90d46..3adc39022f2 100644 --- a/src/mlpack/tests/arma_extend_test.cpp +++ b/src/mlpack/tests/arma_extend_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test of the mlpack extensions to Armadillo. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/armadillo_svd_test.cpp b/src/mlpack/tests/armadillo_svd_test.cpp index 5cfc156ee4f..367c7e955e7 100644 --- a/src/mlpack/tests/armadillo_svd_test.cpp +++ b/src/mlpack/tests/armadillo_svd_test.cpp @@ -13,6 +13,11 @@ using namespace arma; /** * Test armadillo SVD for normal factorization + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ BOOST_AUTO_TEST_CASE(ArmadilloSVDNormalFactorizationTest) { diff --git a/src/mlpack/tests/aug_lagrangian_test.cpp b/src/mlpack/tests/aug_lagrangian_test.cpp index fd6ce6d8d5b..9c3838a792c 100644 --- a/src/mlpack/tests/aug_lagrangian_test.cpp +++ b/src/mlpack/tests/aug_lagrangian_test.cpp @@ -4,6 +4,11 @@ * * Test of the AugmentedLagrangian class using the test functions defined in * aug_lagrangian_test_functions.hpp. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/binarize_test.cpp b/src/mlpack/tests/binarize_test.cpp index ea2638baa01..2083383d59f 100644 --- a/src/mlpack/tests/binarize_test.cpp +++ b/src/mlpack/tests/binarize_test.cpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Test the Binarzie method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/cf_test.cpp b/src/mlpack/tests/cf_test.cpp index 6a1f1a6620d..59491da585a 100644 --- a/src/mlpack/tests/cf_test.cpp +++ b/src/mlpack/tests/cf_test.cpp @@ -3,6 +3,11 @@ * @author Mudit Raj Gupta * * Test file for CF class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/cli_test.cpp b/src/mlpack/tests/cli_test.cpp index 40449df30a7..3adebbe73ac 100644 --- a/src/mlpack/tests/cli_test.cpp +++ b/src/mlpack/tests/cli_test.cpp @@ -3,6 +3,11 @@ * @author Matthew Amidon, Ryan Curtin * * Test for the CLI input parameter system. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/convolution_test.cpp b/src/mlpack/tests/convolution_test.cpp index b273330ff11..a277b9cb41b 100644 --- a/src/mlpack/tests/convolution_test.cpp +++ b/src/mlpack/tests/convolution_test.cpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Tests for various convolution strategies. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/convolutional_network_test.cpp b/src/mlpack/tests/convolutional_network_test.cpp index 34a9ee1bf83..52e1a6c6394 100644 --- a/src/mlpack/tests/convolutional_network_test.cpp +++ b/src/mlpack/tests/convolutional_network_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Tests the convolutional neural network. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/cosine_tree_test.cpp b/src/mlpack/tests/cosine_tree_test.cpp index 6a8c586e6dc..f09ac273cb3 100644 --- a/src/mlpack/tests/cosine_tree_test.cpp +++ b/src/mlpack/tests/cosine_tree_test.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Test file for CosineTree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/decision_stump_test.cpp b/src/mlpack/tests/decision_stump_test.cpp index dae9875dc79..3a1e7dc393c 100644 --- a/src/mlpack/tests/decision_stump_test.cpp +++ b/src/mlpack/tests/decision_stump_test.cpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Tests for DecisionStump class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/det_test.cpp b/src/mlpack/tests/det_test.cpp index 7e32defa4d5..cc3cf6cee59 100644 --- a/src/mlpack/tests/det_test.cpp +++ b/src/mlpack/tests/det_test.cpp @@ -4,6 +4,11 @@ * * Unit tests for the functions of the class DTree and the utility functions * using this class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/distribution_test.cpp b/src/mlpack/tests/distribution_test.cpp index 5df3e16fa42..2e15786fdc9 100644 --- a/src/mlpack/tests/distribution_test.cpp +++ b/src/mlpack/tests/distribution_test.cpp @@ -7,6 +7,11 @@ * * mlpack::distribution::DiscreteDistribution * * mlpack::distribution::GaussianDistribution * * mlpack::distribution::GammaDistribution + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/drusilla_select_test.cpp b/src/mlpack/tests/drusilla_select_test.cpp index cce2704a15d..5a093af7084 100644 --- a/src/mlpack/tests/drusilla_select_test.cpp +++ b/src/mlpack/tests/drusilla_select_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test for DrusillaSelect. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/emst_test.cpp b/src/mlpack/tests/emst_test.cpp index 9e8831aa2ea..435070c9dbd 100644 --- a/src/mlpack/tests/emst_test.cpp +++ b/src/mlpack/tests/emst_test.cpp @@ -2,6 +2,11 @@ * @file emst_test.cpp * * Test file for EMST methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/fastmks_test.cpp b/src/mlpack/tests/fastmks_test.cpp index a7b20e95984..35afe81275b 100644 --- a/src/mlpack/tests/fastmks_test.cpp +++ b/src/mlpack/tests/fastmks_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Ensure that fast max-kernel search is correct. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/feedforward_network_test.cpp b/src/mlpack/tests/feedforward_network_test.cpp index e1412b462b0..4477bf22568 100644 --- a/src/mlpack/tests/feedforward_network_test.cpp +++ b/src/mlpack/tests/feedforward_network_test.cpp @@ -4,6 +4,11 @@ * @author Palash Ahuja * * Tests the feed forward network. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/gmm_test.cpp b/src/mlpack/tests/gmm_test.cpp index b1543ac7bce..c2f21e505c0 100644 --- a/src/mlpack/tests/gmm_test.cpp +++ b/src/mlpack/tests/gmm_test.cpp @@ -4,6 +4,11 @@ * @author Michael Fox * * Test for the Gaussian Mixture Model class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/gradient_descent_test.cpp b/src/mlpack/tests/gradient_descent_test.cpp index 0eb9a24b796..146054e0c06 100644 --- a/src/mlpack/tests/gradient_descent_test.cpp +++ b/src/mlpack/tests/gradient_descent_test.cpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Test file for Gradient Descent optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/hmm_test.cpp b/src/mlpack/tests/hmm_test.cpp index 7ea6403b8a7..ab41e904d32 100644 --- a/src/mlpack/tests/hmm_test.cpp +++ b/src/mlpack/tests/hmm_test.cpp @@ -2,6 +2,11 @@ * @file hmm_test.cpp * * Test file for HMMs. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/hoeffding_tree_test.cpp b/src/mlpack/tests/hoeffding_tree_test.cpp index 1c6a678cea2..a5b94bd9bec 100644 --- a/src/mlpack/tests/hoeffding_tree_test.cpp +++ b/src/mlpack/tests/hoeffding_tree_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test file for Hoeffding trees. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/hyperplane_test.cpp b/src/mlpack/tests/hyperplane_test.cpp index dfce1c8e217..8c150446a6a 100644 --- a/src/mlpack/tests/hyperplane_test.cpp +++ b/src/mlpack/tests/hyperplane_test.cpp @@ -2,6 +2,11 @@ * @file hyperplane_test.cpp * * Tests for Hyperplane and ProjVector implementations. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/imputation_test.cpp b/src/mlpack/tests/imputation_test.cpp index 3289984ebc4..2e9f8cf34cc 100644 --- a/src/mlpack/tests/imputation_test.cpp +++ b/src/mlpack/tests/imputation_test.cpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Tests for data::Imputer class + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/ind2sub_test.cpp b/src/mlpack/tests/ind2sub_test.cpp index 7f3518f2e98..c43cb00a76e 100644 --- a/src/mlpack/tests/ind2sub_test.cpp +++ b/src/mlpack/tests/ind2sub_test.cpp @@ -3,6 +3,11 @@ * @author Nilay Jain * * Test the backported Armadillo ind2sub() and sub2ind() functions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/init_rules_test.cpp b/src/mlpack/tests/init_rules_test.cpp index 5ef4b9929b9..3ea0f8a6c91 100644 --- a/src/mlpack/tests/init_rules_test.cpp +++ b/src/mlpack/tests/init_rules_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Tests for the various weight initialize methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/kernel_pca_test.cpp b/src/mlpack/tests/kernel_pca_test.cpp index e154630fbf1..7b3c2bc7694 100644 --- a/src/mlpack/tests/kernel_pca_test.cpp +++ b/src/mlpack/tests/kernel_pca_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test file for Kernel PCA. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/kernel_test.cpp b/src/mlpack/tests/kernel_test.cpp index 1c320190bdd..f535bafd969 100644 --- a/src/mlpack/tests/kernel_test.cpp +++ b/src/mlpack/tests/kernel_test.cpp @@ -4,6 +4,11 @@ * @author Ajinkya Kale * * Tests for the various kernel classes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/kernel_traits_test.cpp b/src/mlpack/tests/kernel_traits_test.cpp index 408df4bcaf6..81e4f0f1496 100644 --- a/src/mlpack/tests/kernel_traits_test.cpp +++ b/src/mlpack/tests/kernel_traits_test.cpp @@ -5,6 +5,11 @@ * Test the KernelTraits class. Because all of the values are known at compile * time, this test is meant to ensure that uses of KernelTraits still compile * okay and react as expected. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/kfn_test.cpp b/src/mlpack/tests/kfn_test.cpp index f0f4fa359d1..a89f275830a 100644 --- a/src/mlpack/tests/kfn_test.cpp +++ b/src/mlpack/tests/kfn_test.cpp @@ -2,6 +2,11 @@ * @file kfn_test.cpp * * Tests for KFN (k-furthest-neighbors). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/kmeans_test.cpp b/src/mlpack/tests/kmeans_test.cpp index f6060641eed..b6c0e0036f2 100644 --- a/src/mlpack/tests/kmeans_test.cpp +++ b/src/mlpack/tests/kmeans_test.cpp @@ -1,6 +1,11 @@ /** * @file kmeans_test.cpp * @author Ryan Curtin + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/knn_test.cpp b/src/mlpack/tests/knn_test.cpp index 6f956dfe42e..c1852852e70 100644 --- a/src/mlpack/tests/knn_test.cpp +++ b/src/mlpack/tests/knn_test.cpp @@ -2,6 +2,11 @@ * @file knn_test.cpp * * Test file for KNN class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/krann_search_test.cpp b/src/mlpack/tests/krann_search_test.cpp index c0bcadb45c6..c8c6476b6bd 100644 --- a/src/mlpack/tests/krann_search_test.cpp +++ b/src/mlpack/tests/krann_search_test.cpp @@ -3,6 +3,11 @@ * * Unit tests for the 'RASearch' class and consequently the * 'RASearchRules' class + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/lars_test.cpp b/src/mlpack/tests/lars_test.cpp index 5b410fec3a1..3c66984ed2a 100644 --- a/src/mlpack/tests/lars_test.cpp +++ b/src/mlpack/tests/lars_test.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Test for LARS. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ // Note: We don't use BOOST_REQUIRE_CLOSE in the code below because we need diff --git a/src/mlpack/tests/layer_traits_test.cpp b/src/mlpack/tests/layer_traits_test.cpp index 373d8781c5c..d7c0f10b4b6 100644 --- a/src/mlpack/tests/layer_traits_test.cpp +++ b/src/mlpack/tests/layer_traits_test.cpp @@ -5,6 +5,11 @@ * Test the LayerTraits class. Because all of the values are known at compile * time, this test is meant to ensure that uses of LayerTraits still compile * okay and react as expected. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/lbfgs_test.cpp b/src/mlpack/tests/lbfgs_test.cpp index f16803c9242..f4c444d6729 100644 --- a/src/mlpack/tests/lbfgs_test.cpp +++ b/src/mlpack/tests/lbfgs_test.cpp @@ -4,6 +4,11 @@ * Tests the L-BFGS optimizer on a couple test functions. * * @author Ryan Curtin (gth671b@mail.gatech.edu) + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/lin_alg_test.cpp b/src/mlpack/tests/lin_alg_test.cpp index 6d11b362973..0e335049c96 100644 --- a/src/mlpack/tests/lin_alg_test.cpp +++ b/src/mlpack/tests/lin_alg_test.cpp @@ -5,6 +5,11 @@ * Simple tests for things in the linalg__private namespace. * Partly so I can be sure that my changes are working. * Move to boost unit testing framework at some point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/linear_regression_test.cpp b/src/mlpack/tests/linear_regression_test.cpp index 7f175c95440..eba31c42b66 100644 --- a/src/mlpack/tests/linear_regression_test.cpp +++ b/src/mlpack/tests/linear_regression_test.cpp @@ -2,6 +2,11 @@ * @file linear_regression_test.cpp * * Test for linear regression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/load_save_test.cpp b/src/mlpack/tests/load_save_test.cpp index 5c9a0b8c9d1..200f1a7516c 100644 --- a/src/mlpack/tests/load_save_test.cpp +++ b/src/mlpack/tests/load_save_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Tests for data::Load() and data::Save(). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/local_coordinate_coding_test.cpp b/src/mlpack/tests/local_coordinate_coding_test.cpp index cc293b37678..dfa42e9c269 100644 --- a/src/mlpack/tests/local_coordinate_coding_test.cpp +++ b/src/mlpack/tests/local_coordinate_coding_test.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Test for Local Coordinate Coding. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ // Note: We don't use BOOST_REQUIRE_CLOSE in the code below because we need diff --git a/src/mlpack/tests/log_test.cpp b/src/mlpack/tests/log_test.cpp index 3a5a43d0d3c..d46589bf08e 100644 --- a/src/mlpack/tests/log_test.cpp +++ b/src/mlpack/tests/log_test.cpp @@ -17,6 +17,11 @@ BOOST_AUTO_TEST_SUITE(LogTest); /** * Simple log assert test. Be careful the test halts the program execution, so * run the test at the end of all other tests. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ BOOST_AUTO_TEST_CASE(LogAssertConditionTest) { diff --git a/src/mlpack/tests/logistic_regression_test.cpp b/src/mlpack/tests/logistic_regression_test.cpp index 60acb1c0b51..5405b93452d 100644 --- a/src/mlpack/tests/logistic_regression_test.cpp +++ b/src/mlpack/tests/logistic_regression_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test for LogisticFunction and LogisticRegression. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/lrsdp_test.cpp b/src/mlpack/tests/lrsdp_test.cpp index 5a7b1cee3b8..3c3aab4efe3 100644 --- a/src/mlpack/tests/lrsdp_test.cpp +++ b/src/mlpack/tests/lrsdp_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Tests for LR-SDP (core/optimizers/sdp/). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/lsh_test.cpp b/src/mlpack/tests/lsh_test.cpp index 0d15428c719..12254cd4e88 100644 --- a/src/mlpack/tests/lsh_test.cpp +++ b/src/mlpack/tests/lsh_test.cpp @@ -2,6 +2,11 @@ * @file lsh_test.cpp * * Unit tests for the 'LSHSearch' class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/lstm_peephole_test.cpp b/src/mlpack/tests/lstm_peephole_test.cpp index fef11962359..1624706d3f1 100644 --- a/src/mlpack/tests/lstm_peephole_test.cpp +++ b/src/mlpack/tests/lstm_peephole_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Tests the LSTM peepholes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/math_test.cpp b/src/mlpack/tests/math_test.cpp index c68441d8c5a..e67c4450213 100644 --- a/src/mlpack/tests/math_test.cpp +++ b/src/mlpack/tests/math_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Tests for everything in the math:: namespace. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/matrix_completion_test.cpp b/src/mlpack/tests/matrix_completion_test.cpp index 697e8098bc1..0ed7b13a94d 100644 --- a/src/mlpack/tests/matrix_completion_test.cpp +++ b/src/mlpack/tests/matrix_completion_test.cpp @@ -3,6 +3,11 @@ * @author Stephen Tu * * Tests for matrix completion + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/maximal_inputs_test.cpp b/src/mlpack/tests/maximal_inputs_test.cpp index c6e8c109ce8..c72f3400829 100644 --- a/src/mlpack/tests/maximal_inputs_test.cpp +++ b/src/mlpack/tests/maximal_inputs_test.cpp @@ -3,6 +3,11 @@ * @author Ngap Wei Tham * * Test the MaximalInputs and ColumnsToBlocks functions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/mean_shift_test.cpp b/src/mlpack/tests/mean_shift_test.cpp index 6670289f135..9960e098b66 100644 --- a/src/mlpack/tests/mean_shift_test.cpp +++ b/src/mlpack/tests/mean_shift_test.cpp @@ -1,6 +1,11 @@ /** * @file mean_shift_test.cpp * @author Shangtong Zhang + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/metric_test.cpp b/src/mlpack/tests/metric_test.cpp index 10952fea8e3..f3f310bda0f 100644 --- a/src/mlpack/tests/metric_test.cpp +++ b/src/mlpack/tests/metric_test.cpp @@ -2,6 +2,11 @@ * @file metric_test.cpp * * Unit tests for the 'LMetric' class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/minibatch_sgd_test.cpp b/src/mlpack/tests/minibatch_sgd_test.cpp index 410d4e3c457..d455d3053f1 100644 --- a/src/mlpack/tests/minibatch_sgd_test.cpp +++ b/src/mlpack/tests/minibatch_sgd_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test file for minibatch SGD. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/mlpack_test.cpp b/src/mlpack/tests/mlpack_test.cpp index b10486ee0e2..3082c7f113d 100644 --- a/src/mlpack/tests/mlpack_test.cpp +++ b/src/mlpack/tests/mlpack_test.cpp @@ -4,6 +4,11 @@ * Simple file defining the name of the overall test for mlpack, and set up * global test fixture for each test. Each individual test is contained in * its own file. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #define BOOST_TEST_MODULE mlpackTest diff --git a/src/mlpack/tests/nbc_test.cpp b/src/mlpack/tests/nbc_test.cpp index dc96f8d954b..38c255d12d5 100644 --- a/src/mlpack/tests/nbc_test.cpp +++ b/src/mlpack/tests/nbc_test.cpp @@ -2,6 +2,11 @@ * @file nbc_test.cpp * * Test for the Naive Bayes classifier. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/nca_test.cpp b/src/mlpack/tests/nca_test.cpp index 34b1a397148..19db5109b95 100644 --- a/src/mlpack/tests/nca_test.cpp +++ b/src/mlpack/tests/nca_test.cpp @@ -4,6 +4,11 @@ * * Unit tests for Neighborhood Components Analysis and related code (including * the softmax error function). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/network_util_test.cpp b/src/mlpack/tests/network_util_test.cpp index 30d633129d8..4f0fcf105e0 100644 --- a/src/mlpack/tests/network_util_test.cpp +++ b/src/mlpack/tests/network_util_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Simple tests for things in the network_util file. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/nmf_test.cpp b/src/mlpack/tests/nmf_test.cpp index d97f1513adb..69d8a3cdc92 100644 --- a/src/mlpack/tests/nmf_test.cpp +++ b/src/mlpack/tests/nmf_test.cpp @@ -3,6 +3,11 @@ * @author Mohan Rajendran * * Test file for NMF class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/nystroem_method_test.cpp b/src/mlpack/tests/nystroem_method_test.cpp index 241d9716b58..2c505768e11 100644 --- a/src/mlpack/tests/nystroem_method_test.cpp +++ b/src/mlpack/tests/nystroem_method_test.cpp @@ -4,6 +4,11 @@ * * Test the NystroemMethod class and ensure that the reconstructed kernel matrix * errors are comparable with those in the literature. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/octree_test.cpp b/src/mlpack/tests/octree_test.cpp index f23701602c7..4f3bca5e749 100644 --- a/src/mlpack/tests/octree_test.cpp +++ b/src/mlpack/tests/octree_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test various properties of the Octree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/pca_test.cpp b/src/mlpack/tests/pca_test.cpp index 22503a81916..5ec70b15bb9 100644 --- a/src/mlpack/tests/pca_test.cpp +++ b/src/mlpack/tests/pca_test.cpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Test file for PCA class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/perceptron_test.cpp b/src/mlpack/tests/perceptron_test.cpp index 4fc1c8b57c5..15586bf62a2 100644 --- a/src/mlpack/tests/perceptron_test.cpp +++ b/src/mlpack/tests/perceptron_test.cpp @@ -3,6 +3,11 @@ * @author Udit Saxena * * Tests for perceptron. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/performance_functions_test.cpp b/src/mlpack/tests/performance_functions_test.cpp index 9ad9342f45b..35902911422 100644 --- a/src/mlpack/tests/performance_functions_test.cpp +++ b/src/mlpack/tests/performance_functions_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Tests for the various performance functions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/pooling_rules_test.cpp b/src/mlpack/tests/pooling_rules_test.cpp index 9909316aeb2..0dd2c9dcb24 100644 --- a/src/mlpack/tests/pooling_rules_test.cpp +++ b/src/mlpack/tests/pooling_rules_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Tests for various convolution strategies. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/qdafn_test.cpp b/src/mlpack/tests/qdafn_test.cpp index 332b7c7e81b..eb80200b0f5 100644 --- a/src/mlpack/tests/qdafn_test.cpp +++ b/src/mlpack/tests/qdafn_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test the QDAFN functionality. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include "test_tools.hpp" diff --git a/src/mlpack/tests/quic_svd_test.cpp b/src/mlpack/tests/quic_svd_test.cpp index 7e09feb4037..dfc128b5127 100644 --- a/src/mlpack/tests/quic_svd_test.cpp +++ b/src/mlpack/tests/quic_svd_test.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Test file for QUIC-SVD class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/radical_test.cpp b/src/mlpack/tests/radical_test.cpp index c14f449ae7e..b8c14348683 100644 --- a/src/mlpack/tests/radical_test.cpp +++ b/src/mlpack/tests/radical_test.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Test for RADICAL. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/randomized_svd_test.cpp b/src/mlpack/tests/randomized_svd_test.cpp index df8d663ea03..bcc8f7a7cfd 100644 --- a/src/mlpack/tests/randomized_svd_test.cpp +++ b/src/mlpack/tests/randomized_svd_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Test file for the Randomized SVD class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/range_search_test.cpp b/src/mlpack/tests/range_search_test.cpp index 361969157db..749426e360e 100644 --- a/src/mlpack/tests/range_search_test.cpp +++ b/src/mlpack/tests/range_search_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test file for RangeSearch<> class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/rectangle_tree_test.cpp b/src/mlpack/tests/rectangle_tree_test.cpp index c3004df0ce2..8e17d5c2ff7 100644 --- a/src/mlpack/tests/rectangle_tree_test.cpp +++ b/src/mlpack/tests/rectangle_tree_test.cpp @@ -5,6 +5,11 @@ * Tests for the RectangleTree class. This should ensure that the class works * correctly and that subsequent changes don't break anything. Because it's * only used to test the trees, it is slow. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/recurrent_network_test.cpp b/src/mlpack/tests/recurrent_network_test.cpp index 40d162c6fa8..c49ae423ae2 100644 --- a/src/mlpack/tests/recurrent_network_test.cpp +++ b/src/mlpack/tests/recurrent_network_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Tests the recurrent network. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/regularized_svd_test.cpp b/src/mlpack/tests/regularized_svd_test.cpp index b29fe844f6a..0ba8d2fcf78 100644 --- a/src/mlpack/tests/regularized_svd_test.cpp +++ b/src/mlpack/tests/regularized_svd_test.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Test the RegularizedSVDFunction class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/rmsprop_test.cpp b/src/mlpack/tests/rmsprop_test.cpp index b62d77f531b..481741a4cc1 100644 --- a/src/mlpack/tests/rmsprop_test.cpp +++ b/src/mlpack/tests/rmsprop_test.cpp @@ -3,6 +3,11 @@ * @author Marcus Edel * * Tests the RMSProp optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/sa_test.cpp b/src/mlpack/tests/sa_test.cpp index 671adc910fe..d3a36851e51 100644 --- a/src/mlpack/tests/sa_test.cpp +++ b/src/mlpack/tests/sa_test.cpp @@ -3,6 +3,11 @@ * @auther Zhihao Lou * * Test file for SA (simulated annealing). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/sdp_primal_dual_test.cpp b/src/mlpack/tests/sdp_primal_dual_test.cpp index 0c42ea1d13d..9d5103de803 100644 --- a/src/mlpack/tests/sdp_primal_dual_test.cpp +++ b/src/mlpack/tests/sdp_primal_dual_test.cpp @@ -2,6 +2,11 @@ * @file sdp_primal_dual_test.cpp * @author Stephen Tu * + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/serialization.cpp b/src/mlpack/tests/serialization.cpp index 6454a23d8df..81af583ab4a 100644 --- a/src/mlpack/tests/serialization.cpp +++ b/src/mlpack/tests/serialization.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Miscellaneous utility functions for serialization tests. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "serialization.hpp" diff --git a/src/mlpack/tests/serialization.hpp b/src/mlpack/tests/serialization.hpp index a53a6e8b8f1..ef7e7598b2c 100644 --- a/src/mlpack/tests/serialization.hpp +++ b/src/mlpack/tests/serialization.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Miscellaneous utility functions for serialization tests. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_TESTS_SERIALIZATION_HPP #define MLPACK_TESTS_SERIALIZATION_HPP diff --git a/src/mlpack/tests/serialization_test.cpp b/src/mlpack/tests/serialization_test.cpp index e6aecc78b43..fd9925bcade 100644 --- a/src/mlpack/tests/serialization_test.cpp +++ b/src/mlpack/tests/serialization_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test serialization of mlpack objects. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/sgd_test.cpp b/src/mlpack/tests/sgd_test.cpp index a8f389b1acf..27f8b644297 100644 --- a/src/mlpack/tests/sgd_test.cpp +++ b/src/mlpack/tests/sgd_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Test file for SGD (stochastic gradient descent). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/softmax_regression_test.cpp b/src/mlpack/tests/softmax_regression_test.cpp index 4fe8568eaf4..d749582aba6 100644 --- a/src/mlpack/tests/softmax_regression_test.cpp +++ b/src/mlpack/tests/softmax_regression_test.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Test the SoftmaxRegression class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/sort_policy_test.cpp b/src/mlpack/tests/sort_policy_test.cpp index 5cf4b5606e1..6bdeced284e 100644 --- a/src/mlpack/tests/sort_policy_test.cpp +++ b/src/mlpack/tests/sort_policy_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Tests for each of the implementations of the SortPolicy class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/sparse_autoencoder_test.cpp b/src/mlpack/tests/sparse_autoencoder_test.cpp index 24d0cc6feb5..463b40d65cb 100644 --- a/src/mlpack/tests/sparse_autoencoder_test.cpp +++ b/src/mlpack/tests/sparse_autoencoder_test.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Test the SparseAutoencoder class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/sparse_coding_test.cpp b/src/mlpack/tests/sparse_coding_test.cpp index 6815405e015..93f97024d20 100644 --- a/src/mlpack/tests/sparse_coding_test.cpp +++ b/src/mlpack/tests/sparse_coding_test.cpp @@ -2,6 +2,11 @@ * @file sparse_coding_test.cpp * * Test for Sparse Coding + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ // Note: We don't use BOOST_REQUIRE_CLOSE in the code below because we need diff --git a/src/mlpack/tests/spill_tree_test.cpp b/src/mlpack/tests/spill_tree_test.cpp index b5a3628d18f..e972c483360 100644 --- a/src/mlpack/tests/spill_tree_test.cpp +++ b/src/mlpack/tests/spill_tree_test.cpp @@ -4,6 +4,11 @@ * * Tests for the SpillTree class. This should ensure that the class works * correctly and that subsequent changes don't break anything. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/split_data_test.cpp b/src/mlpack/tests/split_data_test.cpp index 1c52f632ba1..2846307b29f 100644 --- a/src/mlpack/tests/split_data_test.cpp +++ b/src/mlpack/tests/split_data_test.cpp @@ -3,6 +3,11 @@ * @author Tham Ngap Wei * * Test the SplitData method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/svd_batch_test.cpp b/src/mlpack/tests/svd_batch_test.cpp index 45f9a12da34..fee96ec7d59 100644 --- a/src/mlpack/tests/svd_batch_test.cpp +++ b/src/mlpack/tests/svd_batch_test.cpp @@ -18,6 +18,11 @@ using namespace arma; /** * Make sure the SVD Batch lerning is converging. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ BOOST_AUTO_TEST_CASE(SVDBatchConvergenceElementTest) { diff --git a/src/mlpack/tests/svd_incremental_test.cpp b/src/mlpack/tests/svd_incremental_test.cpp index 4fdd4e4ca23..5b47e4449ea 100644 --- a/src/mlpack/tests/svd_incremental_test.cpp +++ b/src/mlpack/tests/svd_incremental_test.cpp @@ -20,6 +20,11 @@ using namespace arma; /** * Test for convergence of incomplete incremenal learning + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ BOOST_AUTO_TEST_CASE(SVDIncompleteIncrementalConvergenceTest) { diff --git a/src/mlpack/tests/termination_policy_test.cpp b/src/mlpack/tests/termination_policy_test.cpp index 945d82ce46d..1afa4ba3995 100644 --- a/src/mlpack/tests/termination_policy_test.cpp +++ b/src/mlpack/tests/termination_policy_test.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Tests for AMF termination policies. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/test_tools.hpp b/src/mlpack/tests/test_tools.hpp index 7b5edcc2370..a61e5918e2c 100644 --- a/src/mlpack/tests/test_tools.hpp +++ b/src/mlpack/tests/test_tools.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * This file includes some useful macros for tests. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_TESTS_TEST_TOOLS_HPP #define MLPACK_TESTS_TEST_TOOLS_HPP diff --git a/src/mlpack/tests/tree_test.cpp b/src/mlpack/tests/tree_test.cpp index d4bbb9ec76f..f0463c784ed 100644 --- a/src/mlpack/tests/tree_test.cpp +++ b/src/mlpack/tests/tree_test.cpp @@ -2,6 +2,11 @@ * @file tree_test.cpp * * Tests for tree-building methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/tree_traits_test.cpp b/src/mlpack/tests/tree_traits_test.cpp index cf0395d19f5..1ed19d9f509 100644 --- a/src/mlpack/tests/tree_traits_test.cpp +++ b/src/mlpack/tests/tree_traits_test.cpp @@ -7,6 +7,11 @@ * without breaking something. Thus, people must be certain when they make a * change like that (because they have to change the test too). That's the * hope, at least... + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/tests/ub_tree_test.cpp b/src/mlpack/tests/ub_tree_test.cpp index 426f4b01b6f..70c202b53c5 100644 --- a/src/mlpack/tests/ub_tree_test.cpp +++ b/src/mlpack/tests/ub_tree_test.cpp @@ -347,4 +347,9 @@ BOOST_AUTO_TEST_CASE(DualTreeTraverserTest) } } + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. BOOST_AUTO_TEST_SUITE_END(); diff --git a/src/mlpack/tests/union_find_test.cpp b/src/mlpack/tests/union_find_test.cpp index 5a9350dd4b1..51815301c14 100644 --- a/src/mlpack/tests/union_find_test.cpp +++ b/src/mlpack/tests/union_find_test.cpp @@ -3,6 +3,11 @@ * @author Bill March (march@gatech.edu) * * Unit tests for the Union-Find data structure. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/tests/vantage_point_tree_test.cpp b/src/mlpack/tests/vantage_point_tree_test.cpp index a4b6fb2ca50..ba60f2d126e 100644 --- a/src/mlpack/tests/vantage_point_tree_test.cpp +++ b/src/mlpack/tests/vantage_point_tree_test.cpp @@ -2,6 +2,11 @@ * @file tree_test.cpp * * Tests for tree-building methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include From 871d8e9586e6a66c612ce428a8a0ba34ec4aea76 Mon Sep 17 00:00:00 2001 From: Ryan Curtin Date: Mon, 31 Oct 2016 22:43:32 +0900 Subject: [PATCH 07/35] Add license to the rest of the files. --- src/mlpack/core/data/binarize.hpp | 5 +++++ src/mlpack/core/data/dataset_mapper.hpp | 5 +++++ src/mlpack/core/data/dataset_mapper_impl.hpp | 5 +++++ src/mlpack/core/data/extension.hpp | 5 +++++ src/mlpack/core/data/format.hpp | 5 +++++ .../imputation_methods/custom_imputation.hpp | 5 +++++ .../imputation_methods/listwise_deletion.hpp | 5 +++++ .../imputation_methods/mean_imputation.hpp | 5 +++++ .../imputation_methods/median_imputation.hpp | 5 +++++ src/mlpack/core/data/imputer.hpp | 5 +++++ src/mlpack/core/data/load.hpp | 5 +++++ src/mlpack/core/data/load_arff.hpp | 5 +++++ src/mlpack/core/data/load_arff_impl.hpp | 5 +++++ src/mlpack/core/data/load_impl.hpp | 5 +++++ .../core/data/map_policies/datatype.hpp | 5 +++++ .../data/map_policies/increment_policy.hpp | 5 +++++ .../core/data/map_policies/missing_policy.hpp | 5 +++++ src/mlpack/core/data/normalize_labels.hpp | 5 +++++ .../core/data/normalize_labels_impl.hpp | 5 +++++ src/mlpack/core/data/save.hpp | 5 +++++ src/mlpack/core/data/save_impl.hpp | 5 +++++ src/mlpack/core/data/serialization_shim.hpp | 5 +++++ .../data/serialization_template_version.hpp | 5 +++++ src/mlpack/core/data/split_data.hpp | 5 +++++ .../core/dists/discrete_distribution.cpp | 5 +++++ .../core/dists/discrete_distribution.hpp | 5 +++++ src/mlpack/core/dists/gamma_distribution.cpp | 5 +++++ src/mlpack/core/dists/gamma_distribution.hpp | 5 +++++ .../core/dists/gaussian_distribution.cpp | 5 +++++ .../core/dists/gaussian_distribution.hpp | 5 +++++ .../core/dists/laplace_distribution.cpp | 5 +++++ .../core/dists/laplace_distribution.hpp | 5 +++++ .../core/dists/regression_distribution.cpp | 5 +++++ .../core/dists/regression_distribution.hpp | 5 +++++ src/mlpack/core/kernels/cosine_distance.hpp | 5 +++++ .../core/kernels/cosine_distance_impl.hpp | 5 +++++ .../core/kernels/epanechnikov_kernel.cpp | 5 +++++ .../core/kernels/epanechnikov_kernel.hpp | 5 +++++ .../core/kernels/epanechnikov_kernel_impl.hpp | 5 +++++ src/mlpack/core/kernels/example_kernel.hpp | 5 +++++ src/mlpack/core/kernels/gaussian_kernel.hpp | 5 +++++ .../kernels/hyperbolic_tangent_kernel.hpp | 5 +++++ src/mlpack/core/kernels/kernel_traits.hpp | 5 +++++ src/mlpack/core/kernels/laplacian_kernel.hpp | 5 +++++ src/mlpack/core/kernels/linear_kernel.hpp | 5 +++++ src/mlpack/core/kernels/polynomial_kernel.hpp | 5 +++++ .../core/kernels/pspectrum_string_kernel.cpp | 5 +++++ .../core/kernels/pspectrum_string_kernel.hpp | 5 +++++ .../kernels/pspectrum_string_kernel_impl.hpp | 5 +++++ src/mlpack/core/kernels/spherical_kernel.hpp | 5 +++++ src/mlpack/core/kernels/triangular_kernel.hpp | 5 +++++ src/mlpack/core/math/clamp.hpp | 5 +++++ src/mlpack/core/math/columns_to_blocks.cpp | 5 +++++ src/mlpack/core/math/columns_to_blocks.hpp | 5 +++++ src/mlpack/core/math/lin_alg.cpp | 5 +++++ src/mlpack/core/math/lin_alg.hpp | 5 +++++ src/mlpack/core/math/lin_alg_impl.hpp | 5 +++++ src/mlpack/core/math/random.cpp | 5 +++++ src/mlpack/core/math/random.hpp | 5 +++++ src/mlpack/core/math/random_basis.cpp | 5 +++++ src/mlpack/core/math/random_basis.hpp | 5 +++++ src/mlpack/core/math/range.hpp | 5 +++++ src/mlpack/core/math/range_impl.hpp | 5 +++++ src/mlpack/core/math/round.hpp | 5 +++++ src/mlpack/core/metrics/ip_metric.hpp | 5 +++++ src/mlpack/core/metrics/ip_metric_impl.hpp | 5 +++++ src/mlpack/core/metrics/lmetric.hpp | 5 +++++ src/mlpack/core/metrics/lmetric_impl.hpp | 5 +++++ .../core/metrics/mahalanobis_distance.hpp | 5 +++++ .../metrics/mahalanobis_distance_impl.hpp | 5 +++++ .../core/optimizers/adadelta/ada_delta.hpp | 5 +++++ .../optimizers/adadelta/ada_delta_impl.hpp | 5 +++++ src/mlpack/core/optimizers/adam/adam.hpp | 5 +++++ src/mlpack/core/optimizers/adam/adam_impl.hpp | 5 +++++ .../aug_lagrangian/aug_lagrangian.hpp | 5 +++++ .../aug_lagrangian_function.hpp | 5 +++++ .../aug_lagrangian_function_impl.hpp | 5 +++++ .../aug_lagrangian/aug_lagrangian_impl.hpp | 5 +++++ .../aug_lagrangian_test_functions.cpp | 5 +++++ .../aug_lagrangian_test_functions.hpp | 5 +++++ .../gradient_descent/gradient_descent.hpp | 5 +++++ .../gradient_descent_impl.hpp | 5 +++++ .../gradient_descent/test_function.cpp | 5 +++++ .../gradient_descent/test_function.hpp | 5 +++++ src/mlpack/core/optimizers/lbfgs/lbfgs.hpp | 5 +++++ .../core/optimizers/lbfgs/lbfgs_impl.hpp | 5 +++++ .../core/optimizers/lbfgs/test_functions.cpp | 5 +++++ .../core/optimizers/lbfgs/test_functions.hpp | 5 +++++ .../minibatch_sgd/minibatch_sgd.hpp | 5 +++++ .../minibatch_sgd/minibatch_sgd_impl.hpp | 5 +++++ .../core/optimizers/rmsprop/rmsprop.hpp | 5 +++++ .../core/optimizers/rmsprop/rmsprop_impl.hpp | 5 +++++ .../optimizers/sa/exponential_schedule.hpp | 5 +++++ src/mlpack/core/optimizers/sa/sa.hpp | 5 +++++ src/mlpack/core/optimizers/sa/sa_impl.hpp | 5 +++++ src/mlpack/core/optimizers/sdp/lrsdp.hpp | 5 +++++ .../core/optimizers/sdp/lrsdp_function.hpp | 5 +++++ .../optimizers/sdp/lrsdp_function_impl.hpp | 5 +++++ src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp | 5 +++++ .../core/optimizers/sdp/primal_dual.hpp | 5 +++++ .../core/optimizers/sdp/primal_dual_impl.hpp | 5 +++++ src/mlpack/core/optimizers/sdp/sdp.hpp | 5 +++++ src/mlpack/core/optimizers/sdp/sdp_impl.hpp | 5 +++++ src/mlpack/core/optimizers/sgd/sgd.hpp | 5 +++++ src/mlpack/core/optimizers/sgd/sgd_impl.hpp | 5 +++++ .../core/optimizers/sgd/test_function.cpp | 5 +++++ .../core/optimizers/sgd/test_function.hpp | 5 +++++ src/mlpack/core/tree/address.hpp | 5 +++++ src/mlpack/core/tree/ballbound.hpp | 5 +++++ src/mlpack/core/tree/ballbound_impl.hpp | 5 +++++ src/mlpack/core/tree/binary_space_tree.hpp | 5 +++++ .../binary_space_tree/binary_space_tree.hpp | 5 +++++ .../binary_space_tree_impl.hpp | 5 +++++ .../breadth_first_dual_tree_traverser.hpp | 5 +++++ ...breadth_first_dual_tree_traverser_impl.hpp | 5 +++++ .../binary_space_tree/dual_tree_traverser.hpp | 5 +++++ .../dual_tree_traverser_impl.hpp | 5 +++++ .../tree/binary_space_tree/mean_split.hpp | 5 +++++ .../binary_space_tree/mean_split_impl.hpp | 5 +++++ .../tree/binary_space_tree/midpoint_split.hpp | 5 +++++ .../binary_space_tree/midpoint_split_impl.hpp | 5 +++++ .../binary_space_tree/rp_tree_max_split.hpp | 5 +++++ .../rp_tree_max_split_impl.hpp | 5 +++++ .../binary_space_tree/rp_tree_mean_split.hpp | 5 +++++ .../rp_tree_mean_split_impl.hpp | 5 +++++ .../single_tree_traverser.hpp | 5 +++++ .../single_tree_traverser_impl.hpp | 5 +++++ .../core/tree/binary_space_tree/traits.hpp | 5 +++++ .../core/tree/binary_space_tree/typedef.hpp | 5 +++++ .../tree/binary_space_tree/ub_tree_split.hpp | 5 +++++ .../binary_space_tree/ub_tree_split_impl.hpp | 5 +++++ .../binary_space_tree/vantage_point_split.hpp | 5 +++++ .../vantage_point_split_impl.hpp | 5 +++++ src/mlpack/core/tree/bound_traits.hpp | 5 +++++ src/mlpack/core/tree/bounds.hpp | 5 +++++ src/mlpack/core/tree/cellbound.hpp | 5 +++++ src/mlpack/core/tree/cellbound_impl.hpp | 5 +++++ .../core/tree/cosine_tree/cosine_tree.cpp | 5 +++++ .../core/tree/cosine_tree/cosine_tree.hpp | 5 +++++ src/mlpack/core/tree/cover_tree.hpp | 5 +++++ .../core/tree/cover_tree/cover_tree.hpp | 5 +++++ .../core/tree/cover_tree/cover_tree_impl.hpp | 5 +++++ .../tree/cover_tree/dual_tree_traverser.hpp | 5 +++++ .../cover_tree/dual_tree_traverser_impl.hpp | 5 +++++ .../tree/cover_tree/first_point_is_root.hpp | 5 +++++ .../tree/cover_tree/single_tree_traverser.hpp | 5 +++++ .../cover_tree/single_tree_traverser_impl.hpp | 5 +++++ src/mlpack/core/tree/cover_tree/traits.hpp | 5 +++++ src/mlpack/core/tree/cover_tree/typedef.hpp | 5 +++++ src/mlpack/core/tree/example_tree.hpp | 5 +++++ .../tree/greedy_single_tree_traverser.hpp | 5 +++++ .../greedy_single_tree_traverser_impl.hpp | 5 +++++ src/mlpack/core/tree/hollow_ball_bound.hpp | 5 +++++ .../core/tree/hollow_ball_bound_impl.hpp | 5 +++++ src/mlpack/core/tree/hrectbound.hpp | 5 +++++ src/mlpack/core/tree/hrectbound_impl.hpp | 5 +++++ src/mlpack/core/tree/octree.hpp | 5 +++++ .../core/tree/octree/dual_tree_traverser.hpp | 5 +++++ .../tree/octree/dual_tree_traverser_impl.hpp | 5 +++++ src/mlpack/core/tree/octree/octree.hpp | 5 +++++ src/mlpack/core/tree/octree/octree_impl.hpp | 5 +++++ .../tree/octree/single_tree_traverser.hpp | 5 +++++ .../octree/single_tree_traverser_impl.hpp | 5 +++++ src/mlpack/core/tree/octree/traits.hpp | 5 +++++ src/mlpack/core/tree/perform_split.hpp | 5 +++++ src/mlpack/core/tree/rectangle_tree.hpp | 5 +++++ .../rectangle_tree/discrete_hilbert_value.hpp | 5 +++++ .../discrete_hilbert_value_impl.hpp | 5 +++++ .../rectangle_tree/dual_tree_traverser.hpp | 19 ++++++++++++------- .../dual_tree_traverser_impl.hpp | 19 ++++++++++++------- .../hilbert_r_tree_auxiliary_information.hpp | 5 +++++ ...bert_r_tree_auxiliary_information_impl.hpp | 5 +++++ .../hilbert_r_tree_descent_heuristic.hpp | 5 +++++ .../hilbert_r_tree_descent_heuristic_impl.hpp | 5 +++++ .../rectangle_tree/hilbert_r_tree_split.hpp | 5 +++++ .../hilbert_r_tree_split_impl.hpp | 5 +++++ .../rectangle_tree/minimal_coverage_sweep.hpp | 5 +++++ .../minimal_coverage_sweep_impl.hpp | 5 +++++ .../minimal_splits_number_sweep.hpp | 5 +++++ .../minimal_splits_number_sweep_impl.hpp | 5 +++++ .../no_auxiliary_information.hpp | 5 +++++ ...r_plus_plus_tree_auxiliary_information.hpp | 5 +++++ ...s_plus_tree_auxiliary_information_impl.hpp | 5 +++++ .../r_plus_plus_tree_descent_heuristic.hpp | 5 +++++ ..._plus_plus_tree_descent_heuristic_impl.hpp | 5 +++++ .../r_plus_plus_tree_split_policy.hpp | 5 +++++ .../r_plus_tree_descent_heuristic.hpp | 5 +++++ .../r_plus_tree_descent_heuristic_impl.hpp | 5 +++++ .../tree/rectangle_tree/r_plus_tree_split.hpp | 5 +++++ .../rectangle_tree/r_plus_tree_split_impl.hpp | 5 +++++ .../r_plus_tree_split_policy.hpp | 5 +++++ .../r_star_tree_descent_heuristic.hpp | 5 +++++ .../r_star_tree_descent_heuristic_impl.hpp | 5 +++++ .../tree/rectangle_tree/r_star_tree_split.hpp | 5 +++++ .../rectangle_tree/r_star_tree_split_impl.hpp | 5 +++++ .../r_tree_descent_heuristic.hpp | 5 +++++ .../r_tree_descent_heuristic_impl.hpp | 5 +++++ .../core/tree/rectangle_tree/r_tree_split.hpp | 5 +++++ .../tree/rectangle_tree/r_tree_split_impl.hpp | 5 +++++ .../tree/rectangle_tree/rectangle_tree.hpp | 5 +++++ .../rectangle_tree/rectangle_tree_impl.hpp | 5 +++++ .../rectangle_tree/single_tree_traverser.hpp | 19 ++++++++++++------- .../single_tree_traverser_impl.hpp | 19 ++++++++++++------- .../core/tree/rectangle_tree/traits.hpp | 5 +++++ .../core/tree/rectangle_tree/typedef.hpp | 5 +++++ .../x_tree_auxiliary_information.hpp | 5 +++++ .../core/tree/rectangle_tree/x_tree_split.hpp | 5 +++++ .../tree/rectangle_tree/x_tree_split_impl.hpp | 5 +++++ .../core/tree/space_split/hyperplane.hpp | 5 +++++ .../tree/space_split/mean_space_split.hpp | 5 +++++ .../space_split/mean_space_split_impl.hpp | 5 +++++ .../tree/space_split/midpoint_space_split.hpp | 5 +++++ .../space_split/midpoint_space_split_impl.hpp | 5 +++++ .../tree/space_split/projection_vector.hpp | 5 +++++ .../core/tree/space_split/space_split.hpp | 5 +++++ .../tree/space_split/space_split_impl.hpp | 5 +++++ src/mlpack/core/tree/spill_tree.hpp | 5 +++++ .../core/tree/spill_tree/is_spill_tree.hpp | 5 +++++ .../spill_tree/spill_dual_tree_traverser.hpp | 5 +++++ .../spill_dual_tree_traverser_impl.hpp | 5 +++++ .../spill_single_tree_traverser.hpp | 5 +++++ .../spill_single_tree_traverser_impl.hpp | 5 +++++ .../core/tree/spill_tree/spill_tree.hpp | 5 +++++ .../core/tree/spill_tree/spill_tree_impl.hpp | 5 +++++ src/mlpack/core/tree/spill_tree/traits.hpp | 5 +++++ src/mlpack/core/tree/spill_tree/typedef.hpp | 5 +++++ src/mlpack/core/tree/statistic.hpp | 5 +++++ src/mlpack/core/tree/traversal_info.hpp | 5 +++++ src/mlpack/core/tree/tree_traits.hpp | 5 +++++ src/mlpack/core/util/arma_config_check.hpp | 5 +++++ src/mlpack/core/util/arma_traits.hpp | 5 +++++ src/mlpack/core/util/backtrace.cpp | 5 +++++ src/mlpack/core/util/backtrace.hpp | 5 +++++ src/mlpack/core/util/cli.cpp | 5 +++++ src/mlpack/core/util/cli.hpp | 5 +++++ src/mlpack/core/util/cli_deleter.cpp | 5 +++++ src/mlpack/core/util/cli_deleter.hpp | 5 +++++ src/mlpack/core/util/cli_impl.hpp | 5 +++++ src/mlpack/core/util/deprecated.hpp | 5 +++++ src/mlpack/core/util/log.cpp | 5 +++++ src/mlpack/core/util/log.hpp | 5 +++++ src/mlpack/core/util/nulloutstream.hpp | 5 +++++ src/mlpack/core/util/option.cpp | 5 +++++ src/mlpack/core/util/option.hpp | 5 +++++ src/mlpack/core/util/option_impl.hpp | 5 +++++ src/mlpack/core/util/param.hpp | 5 +++++ src/mlpack/core/util/prefixedoutstream.cpp | 5 +++++ src/mlpack/core/util/prefixedoutstream.hpp | 5 +++++ .../core/util/prefixedoutstream_impl.hpp | 5 +++++ src/mlpack/core/util/sfinae_utility.hpp | 5 +++++ src/mlpack/core/util/singletons.cpp | 5 +++++ src/mlpack/core/util/singletons.hpp | 5 +++++ src/mlpack/core/util/timers.cpp | 5 +++++ src/mlpack/core/util/timers.hpp | 5 +++++ src/mlpack/core/util/version.cpp | 5 +++++ src/mlpack/core/util/version.hpp | 5 +++++ src/mlpack/tests/ub_tree_test.cpp | 16 +++++++++++----- 257 files changed, 1319 insertions(+), 33 deletions(-) diff --git a/src/mlpack/core/data/binarize.hpp b/src/mlpack/core/data/binarize.hpp index c76ec56435e..fdc3226b4c2 100644 --- a/src/mlpack/core/data/binarize.hpp +++ b/src/mlpack/core/data/binarize.hpp @@ -4,6 +4,11 @@ * * Defines Binarize(), a utility function, sets values to 0 or 1 * to a given threshold. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_BINARIZE_HPP #define MLPACK_CORE_DATA_BINARIZE_HPP diff --git a/src/mlpack/core/data/dataset_mapper.hpp b/src/mlpack/core/data/dataset_mapper.hpp index f7f12d2a689..bb243f07d87 100644 --- a/src/mlpack/core/data/dataset_mapper.hpp +++ b/src/mlpack/core/data/dataset_mapper.hpp @@ -6,6 +6,11 @@ * Defines the DatasetMapper class, which holds information about a dataset. * This is useful when the dataset contains categorical non-numeric features * that needs to be mapped to categorical numeric features. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_DATASET_INFO_HPP #define MLPACK_CORE_DATA_DATASET_INFO_HPP diff --git a/src/mlpack/core/data/dataset_mapper_impl.hpp b/src/mlpack/core/data/dataset_mapper_impl.hpp index 6b291e2d368..854acd74dc4 100644 --- a/src/mlpack/core/data/dataset_mapper_impl.hpp +++ b/src/mlpack/core/data/dataset_mapper_impl.hpp @@ -4,6 +4,11 @@ * @author Keon Kim * * An implementation of the DatasetMapper class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_DATASET_INFO_IMPL_HPP #define MLPACK_CORE_DATA_DATASET_INFO_IMPL_HPP diff --git a/src/mlpack/core/data/extension.hpp b/src/mlpack/core/data/extension.hpp index 516a41c163d..4bf8b6bf7e3 100644 --- a/src/mlpack/core/data/extension.hpp +++ b/src/mlpack/core/data/extension.hpp @@ -4,6 +4,11 @@ * * Given a filename, extract its extension. This is used by data::Load() and * data::Save(). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_EXTENSION_HPP #define MLPACK_CORE_DATA_EXTENSION_HPP diff --git a/src/mlpack/core/data/format.hpp b/src/mlpack/core/data/format.hpp index 9e0a085e91b..527e214150f 100644 --- a/src/mlpack/core/data/format.hpp +++ b/src/mlpack/core/data/format.hpp @@ -4,6 +4,11 @@ * * Define the formats that can be used by mlpack's Load() and Save() mechanisms * via boost::serialization. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_FORMATS_HPP #define MLPACK_CORE_DATA_FORMATS_HPP diff --git a/src/mlpack/core/data/imputation_methods/custom_imputation.hpp b/src/mlpack/core/data/imputation_methods/custom_imputation.hpp index c8674a3a1fe..ea9e18d1ed0 100644 --- a/src/mlpack/core/data/imputation_methods/custom_imputation.hpp +++ b/src/mlpack/core/data/imputation_methods/custom_imputation.hpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Definition and Implementation of the empty CustomImputation class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_IMPUTE_STRATEGIES_CUSTOM_IMPUTATION_HPP #define MLPACK_CORE_DATA_IMPUTE_STRATEGIES_CUSTOM_IMPUTATION_HPP diff --git a/src/mlpack/core/data/imputation_methods/listwise_deletion.hpp b/src/mlpack/core/data/imputation_methods/listwise_deletion.hpp index 36eeeeb58a0..03fece4a1cb 100644 --- a/src/mlpack/core/data/imputation_methods/listwise_deletion.hpp +++ b/src/mlpack/core/data/imputation_methods/listwise_deletion.hpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Definition and Implementation of the empty ListwiseDeletion class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_IMPUTE_STRATEGIES_LISTWISE_DELETION_HPP #define MLPACK_CORE_DATA_IMPUTE_STRATEGIES_LISTWISE_DELETION_HPP diff --git a/src/mlpack/core/data/imputation_methods/mean_imputation.hpp b/src/mlpack/core/data/imputation_methods/mean_imputation.hpp index e7a955ea563..641e6f6478e 100644 --- a/src/mlpack/core/data/imputation_methods/mean_imputation.hpp +++ b/src/mlpack/core/data/imputation_methods/mean_imputation.hpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Definition and Implementation of the MeanImputation class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_IMPUTE_STRATEGIES_MEAN_IMPUTATION_HPP #define MLPACK_CORE_DATA_IMPUTE_STRATEGIES_MEAN_IMPUTATION_HPP diff --git a/src/mlpack/core/data/imputation_methods/median_imputation.hpp b/src/mlpack/core/data/imputation_methods/median_imputation.hpp index 828d22ae6db..08b9e8973ac 100644 --- a/src/mlpack/core/data/imputation_methods/median_imputation.hpp +++ b/src/mlpack/core/data/imputation_methods/median_imputation.hpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Definition and Implementation of the MedianImputation class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_IMPUTE_STRATEGIES_MEDIAN_IMPUTATION_HPP #define MLPACK_CORE_DATA_IMPUTE_STRATEGIES_MEDIAN_IMPUTATION_HPP diff --git a/src/mlpack/core/data/imputer.hpp b/src/mlpack/core/data/imputer.hpp index fdc47b750f4..6991b7b6187 100644 --- a/src/mlpack/core/data/imputer.hpp +++ b/src/mlpack/core/data/imputer.hpp @@ -4,6 +4,11 @@ * * Defines Imputer class a utility function to replace missing variables in a * dataset. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_IMPUTER_HPP #define MLPACK_CORE_DATA_IMPUTER_HPP diff --git a/src/mlpack/core/data/load.hpp b/src/mlpack/core/data/load.hpp index 40d3834e3fe..7302957e54a 100644 --- a/src/mlpack/core/data/load.hpp +++ b/src/mlpack/core/data/load.hpp @@ -5,6 +5,11 @@ * Load an Armadillo matrix from file. This is necessary because Armadillo does * not transpose matrices on input, and it allows us to give better error * output. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_LOAD_HPP #define MLPACK_CORE_DATA_LOAD_HPP diff --git a/src/mlpack/core/data/load_arff.hpp b/src/mlpack/core/data/load_arff.hpp index ff6c4315920..00b23da023f 100644 --- a/src/mlpack/core/data/load_arff.hpp +++ b/src/mlpack/core/data/load_arff.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Load an ARFF dataset. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_LOAD_ARFF_HPP #define MLPACK_CORE_DATA_LOAD_ARFF_HPP diff --git a/src/mlpack/core/data/load_arff_impl.hpp b/src/mlpack/core/data/load_arff_impl.hpp index 71ccea64a86..d34d2cd453d 100644 --- a/src/mlpack/core/data/load_arff_impl.hpp +++ b/src/mlpack/core/data/load_arff_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Load an ARFF dataset. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_LOAD_ARFF_IMPL_HPP #define MLPACK_CORE_DATA_LOAD_ARFF_IMPL_HPP diff --git a/src/mlpack/core/data/load_impl.hpp b/src/mlpack/core/data/load_impl.hpp index 65a07d51ffe..74f77ea5e5d 100644 --- a/src/mlpack/core/data/load_impl.hpp +++ b/src/mlpack/core/data/load_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of templatized load() function defined in load.hpp. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_LOAD_IMPL_HPP #define MLPACK_CORE_DATA_LOAD_IMPL_HPP diff --git a/src/mlpack/core/data/map_policies/datatype.hpp b/src/mlpack/core/data/map_policies/datatype.hpp index 3a3b1ac137e..f6cffc703b6 100644 --- a/src/mlpack/core/data/map_policies/datatype.hpp +++ b/src/mlpack/core/data/map_policies/datatype.hpp @@ -2,6 +2,11 @@ * @file missing_policy.hpp * @author Keon Kim * + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_MAP_POLICIES_DATATYPE_HPP #define MLPACK_CORE_DATA_MAP_POLICIES_DATATYPE_HPP diff --git a/src/mlpack/core/data/map_policies/increment_policy.hpp b/src/mlpack/core/data/map_policies/increment_policy.hpp index 4ff7341a653..e0cbaf235ec 100644 --- a/src/mlpack/core/data/map_policies/increment_policy.hpp +++ b/src/mlpack/core/data/map_policies/increment_policy.hpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Default increment maping policy for dataset info. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_MAP_POLICIES_INCREMENT_POLICY_HPP #define MLPACK_CORE_DATA_MAP_POLICIES_INCREMENT_POLICY_HPP diff --git a/src/mlpack/core/data/map_policies/missing_policy.hpp b/src/mlpack/core/data/map_policies/missing_policy.hpp index 2ac366450d8..1900af0ba21 100644 --- a/src/mlpack/core/data/map_policies/missing_policy.hpp +++ b/src/mlpack/core/data/map_policies/missing_policy.hpp @@ -3,6 +3,11 @@ * @author Keon Kim * * Missing map policy for dataset info. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_MAP_POLICIES_MISSING_POLICY_HPP #define MLPACK_CORE_DATA_MAP_POLICIES_MISSING_POLICY_HPP diff --git a/src/mlpack/core/data/normalize_labels.hpp b/src/mlpack/core/data/normalize_labels.hpp index ee39deec593..9dba859bd55 100644 --- a/src/mlpack/core/data/normalize_labels.hpp +++ b/src/mlpack/core/data/normalize_labels.hpp @@ -5,6 +5,11 @@ * Often labels are not given as {0, 1, 2, ...} but instead {1, 2, ...} or even * {-1, 1} or otherwise. The purpose of this function is to normalize labels to * {0, 1, 2, ...} and provide a mapping back to those labels. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_NORMALIZE_LABELS_HPP #define MLPACK_CORE_DATA_NORMALIZE_LABELS_HPP diff --git a/src/mlpack/core/data/normalize_labels_impl.hpp b/src/mlpack/core/data/normalize_labels_impl.hpp index 55b0dec6aa8..cfa043dc160 100644 --- a/src/mlpack/core/data/normalize_labels_impl.hpp +++ b/src/mlpack/core/data/normalize_labels_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of label normalization functions; these are useful for mapping * labels to the range [0, n). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_NORMALIZE_LABELS_IMPL_HPP #define MLPACK_CORE_DATA_NORMALIZE_LABELS_IMPL_HPP diff --git a/src/mlpack/core/data/save.hpp b/src/mlpack/core/data/save.hpp index 0836ed6485f..52c1b57d13c 100644 --- a/src/mlpack/core/data/save.hpp +++ b/src/mlpack/core/data/save.hpp @@ -5,6 +5,11 @@ * Save an Armadillo matrix to file. This is necessary because Armadillo does * not transpose matrices upon saving, and it allows us to give better error * output. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_SAVE_HPP #define MLPACK_CORE_DATA_SAVE_HPP diff --git a/src/mlpack/core/data/save_impl.hpp b/src/mlpack/core/data/save_impl.hpp index 4bccdea85d2..c9e70d72ae5 100644 --- a/src/mlpack/core/data/save_impl.hpp +++ b/src/mlpack/core/data/save_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of save functionality. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_SAVE_IMPL_HPP #define MLPACK_CORE_DATA_SAVE_IMPL_HPP diff --git a/src/mlpack/core/data/serialization_shim.hpp b/src/mlpack/core/data/serialization_shim.hpp index a8eaa74cde9..5865a7afd4e 100644 --- a/src/mlpack/core/data/serialization_shim.hpp +++ b/src/mlpack/core/data/serialization_shim.hpp @@ -7,6 +7,11 @@ * * This allows our mlpack naming conventions to remain intact, and only costs a * small amount of ridiculous template metaprogramming. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_SERIALIZATION_SHIM_HPP #define MLPACK_CORE_UTIL_SERIALIZATION_SHIM_HPP diff --git a/src/mlpack/core/data/serialization_template_version.hpp b/src/mlpack/core/data/serialization_template_version.hpp index 6b617a8e1d1..78e1c5c1da5 100644 --- a/src/mlpack/core/data/serialization_template_version.hpp +++ b/src/mlpack/core/data/serialization_template_version.hpp @@ -4,6 +4,11 @@ * * A better version of the BOOST_CLASS_VERSION() macro that supports templated * classes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_SERIALIZATION_TEMPLATE_VERSION_HPP #define MLPACK_CORE_DATA_SERIALIZATION_TEMPLATE_VERSION_HPP diff --git a/src/mlpack/core/data/split_data.hpp b/src/mlpack/core/data/split_data.hpp index d02f6c663e4..fdac9cb8e17 100644 --- a/src/mlpack/core/data/split_data.hpp +++ b/src/mlpack/core/data/split_data.hpp @@ -4,6 +4,11 @@ * * Defines Split(), a utility function to split a dataset into a * training set and a test set. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DATA_SPLIT_DATA_HPP #define MLPACK_CORE_DATA_SPLIT_DATA_HPP diff --git a/src/mlpack/core/dists/discrete_distribution.cpp b/src/mlpack/core/dists/discrete_distribution.cpp index ce0faf2eef1..b93004e9419 100644 --- a/src/mlpack/core/dists/discrete_distribution.cpp +++ b/src/mlpack/core/dists/discrete_distribution.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of DiscreteDistribution probability distribution. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "discrete_distribution.hpp" diff --git a/src/mlpack/core/dists/discrete_distribution.hpp b/src/mlpack/core/dists/discrete_distribution.hpp index e3846371a54..cfa4bc7db8b 100644 --- a/src/mlpack/core/dists/discrete_distribution.hpp +++ b/src/mlpack/core/dists/discrete_distribution.hpp @@ -4,6 +4,11 @@ * * Implementation of the discrete distribution, where each discrete observation * has a given probability. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DISTRIBUTIONS_DISCRETE_DISTRIBUTION_HPP #define MLPACK_CORE_DISTRIBUTIONS_DISCRETE_DISTRIBUTION_HPP diff --git a/src/mlpack/core/dists/gamma_distribution.cpp b/src/mlpack/core/dists/gamma_distribution.cpp index 22c858a32e4..1802b885ebe 100644 --- a/src/mlpack/core/dists/gamma_distribution.cpp +++ b/src/mlpack/core/dists/gamma_distribution.cpp @@ -3,6 +3,11 @@ * @author Yannis Mentekidis * * Implementation of the methods of GammaDistribution. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "gamma_distribution.hpp" #include diff --git a/src/mlpack/core/dists/gamma_distribution.hpp b/src/mlpack/core/dists/gamma_distribution.hpp index a64c55cba0c..718cd7f2d9d 100644 --- a/src/mlpack/core/dists/gamma_distribution.hpp +++ b/src/mlpack/core/dists/gamma_distribution.hpp @@ -9,6 +9,11 @@ * * Based on "Estimating a Gamma Distribution" by Thomas P. Minka: * research.microsoft.com/~minka/papers/minka-gamma.pdf + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef _MLPACK_CORE_DISTRIBUTIONS_GAMMA_DISTRIBUTION_HPP #define _MLPACK_CORE_DISTRIBUTIONS_GAMMA_DISTRIBUTION_HPP diff --git a/src/mlpack/core/dists/gaussian_distribution.cpp b/src/mlpack/core/dists/gaussian_distribution.cpp index b8d1b042b63..bfa17348a6a 100644 --- a/src/mlpack/core/dists/gaussian_distribution.cpp +++ b/src/mlpack/core/dists/gaussian_distribution.cpp @@ -4,6 +4,11 @@ * @author Michael Fox * * Implementation of Gaussian distribution class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "gaussian_distribution.hpp" #include diff --git a/src/mlpack/core/dists/gaussian_distribution.hpp b/src/mlpack/core/dists/gaussian_distribution.hpp index 5ca969690de..8768b19e853 100644 --- a/src/mlpack/core/dists/gaussian_distribution.hpp +++ b/src/mlpack/core/dists/gaussian_distribution.hpp @@ -4,6 +4,11 @@ * @author Michael Fox * * Implementation of the Gaussian distribution. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DISTRIBUTIONS_GAUSSIAN_DISTRIBUTION_HPP #define MLPACK_CORE_DISTRIBUTIONS_GAUSSIAN_DISTRIBUTION_HPP diff --git a/src/mlpack/core/dists/laplace_distribution.cpp b/src/mlpack/core/dists/laplace_distribution.cpp index 213c8251896..b01654cc72f 100644 --- a/src/mlpack/core/dists/laplace_distribution.cpp +++ b/src/mlpack/core/dists/laplace_distribution.cpp @@ -3,6 +3,11 @@ * @author Zhihao Lou * * Implementation of Laplace distribution. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/core/dists/laplace_distribution.hpp b/src/mlpack/core/dists/laplace_distribution.hpp index 6352e634e01..e7a59aa426a 100644 --- a/src/mlpack/core/dists/laplace_distribution.hpp +++ b/src/mlpack/core/dists/laplace_distribution.hpp @@ -3,6 +3,11 @@ * @author Zhihao Lou * * Laplace (double exponential) distribution used in SA. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DISTRIBUTIONS_LAPLACE_DISTRIBUTION_HPP diff --git a/src/mlpack/core/dists/regression_distribution.cpp b/src/mlpack/core/dists/regression_distribution.cpp index ff568763447..e306bc8096d 100644 --- a/src/mlpack/core/dists/regression_distribution.cpp +++ b/src/mlpack/core/dists/regression_distribution.cpp @@ -3,6 +3,11 @@ * @author Michael Fox * * Implementation of conditional Gaussian distribution for HMM regression (HMMR) + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "regression_distribution.hpp" diff --git a/src/mlpack/core/dists/regression_distribution.hpp b/src/mlpack/core/dists/regression_distribution.hpp index 22377e36701..4519e17d2ba 100644 --- a/src/mlpack/core/dists/regression_distribution.hpp +++ b/src/mlpack/core/dists/regression_distribution.hpp @@ -3,6 +3,11 @@ * @author Michael Fox * * Implementation of conditional Gaussian distribution for HMM regression (HMMR) + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_DISTRIBUTIONS_REGRESSION_DISTRIBUTION_HPP #define MLPACK_CORE_DISTRIBUTIONS_REGRESSION_DISTRIBUTION_HPP diff --git a/src/mlpack/core/kernels/cosine_distance.hpp b/src/mlpack/core/kernels/cosine_distance.hpp index 1e8fc90e80c..40a468abf1e 100644 --- a/src/mlpack/core/kernels/cosine_distance.hpp +++ b/src/mlpack/core/kernels/cosine_distance.hpp @@ -4,6 +4,11 @@ * * This implements the cosine distance (or cosine similarity) between two * vectors, which is a measure of the angle between the two vectors. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_COSINE_DISTANCE_HPP #define MLPACK_CORE_KERNELS_COSINE_DISTANCE_HPP diff --git a/src/mlpack/core/kernels/cosine_distance_impl.hpp b/src/mlpack/core/kernels/cosine_distance_impl.hpp index 8ec271b108c..2cb10ff232a 100644 --- a/src/mlpack/core/kernels/cosine_distance_impl.hpp +++ b/src/mlpack/core/kernels/cosine_distance_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * This implements the cosine distance. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_COSINE_DISTANCE_IMPL_HPP #define MLPACK_CORE_KERNELS_COSINE_DISTANCE_IMPL_HPP diff --git a/src/mlpack/core/kernels/epanechnikov_kernel.cpp b/src/mlpack/core/kernels/epanechnikov_kernel.cpp index 9f9bc964a49..efe5cc24855 100644 --- a/src/mlpack/core/kernels/epanechnikov_kernel.cpp +++ b/src/mlpack/core/kernels/epanechnikov_kernel.cpp @@ -3,6 +3,11 @@ * @author Neil Slagle * * Implementation of non-template Epanechnikov kernels. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "epanechnikov_kernel.hpp" diff --git a/src/mlpack/core/kernels/epanechnikov_kernel.hpp b/src/mlpack/core/kernels/epanechnikov_kernel.hpp index 3616ce65c06..7f4c404dc53 100644 --- a/src/mlpack/core/kernels/epanechnikov_kernel.hpp +++ b/src/mlpack/core/kernels/epanechnikov_kernel.hpp @@ -3,6 +3,11 @@ * @author Neil Slagle * * Definition of the Epanechnikov kernel. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_HPP #define MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_HPP diff --git a/src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp b/src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp index e5836d738dc..d4226bbf9ce 100644 --- a/src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp +++ b/src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp @@ -3,6 +3,11 @@ * @author Neil Slagle * * Implementation of template-based Epanechnikov kernel functions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_IMPL_HPP #define MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_IMPL_HPP diff --git a/src/mlpack/core/kernels/example_kernel.hpp b/src/mlpack/core/kernels/example_kernel.hpp index 8759971b8ee..f715da0e93f 100644 --- a/src/mlpack/core/kernels/example_kernel.hpp +++ b/src/mlpack/core/kernels/example_kernel.hpp @@ -4,6 +4,11 @@ * * This is an example kernel. If you are making your own kernel, follow the * outline specified in this file. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_EXAMPLE_KERNEL_HPP #define MLPACK_CORE_KERNELS_EXAMPLE_KERNEL_HPP diff --git a/src/mlpack/core/kernels/gaussian_kernel.hpp b/src/mlpack/core/kernels/gaussian_kernel.hpp index 0f0e5f0ac27..9b2953959b6 100644 --- a/src/mlpack/core/kernels/gaussian_kernel.hpp +++ b/src/mlpack/core/kernels/gaussian_kernel.hpp @@ -5,6 +5,11 @@ * @author Ryan Curtin * * Implementation of the Gaussian kernel (GaussianKernel). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_GAUSSIAN_KERNEL_HPP #define MLPACK_CORE_KERNELS_GAUSSIAN_KERNEL_HPP diff --git a/src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp b/src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp index 7c682bbc9ac..fdc1f3b303f 100644 --- a/src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp +++ b/src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp @@ -3,6 +3,11 @@ * @author Ajinkya Kale * * Implementation of the hyperbolic tangent kernel. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_HYPERBOLIC_TANGENT_KERNEL_HPP #define MLPACK_CORE_KERNELS_HYPERBOLIC_TANGENT_KERNEL_HPP diff --git a/src/mlpack/core/kernels/kernel_traits.hpp b/src/mlpack/core/kernels/kernel_traits.hpp index 080efbe7384..2636f690c8f 100644 --- a/src/mlpack/core/kernels/kernel_traits.hpp +++ b/src/mlpack/core/kernels/kernel_traits.hpp @@ -4,6 +4,11 @@ * * This provides the KernelTraits class, a template class to get information * about various kernels. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_KERNEL_TRAITS_HPP #define MLPACK_CORE_KERNELS_KERNEL_TRAITS_HPP diff --git a/src/mlpack/core/kernels/laplacian_kernel.hpp b/src/mlpack/core/kernels/laplacian_kernel.hpp index 148d32bdd98..1f85f8bc3dd 100644 --- a/src/mlpack/core/kernels/laplacian_kernel.hpp +++ b/src/mlpack/core/kernels/laplacian_kernel.hpp @@ -3,6 +3,11 @@ * @author Ajinkya Kale * * Implementation of the Laplacian kernel (LaplacianKernel). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_LAPLACIAN_KERNEL_HPP #define MLPACK_CORE_KERNELS_LAPLACIAN_KERNEL_HPP diff --git a/src/mlpack/core/kernels/linear_kernel.hpp b/src/mlpack/core/kernels/linear_kernel.hpp index 5c48ba6120b..7f586bbcc49 100644 --- a/src/mlpack/core/kernels/linear_kernel.hpp +++ b/src/mlpack/core/kernels/linear_kernel.hpp @@ -5,6 +5,11 @@ * @author Ryan Curtin * * Implementation of the linear kernel (just the standard dot product). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_LINEAR_KERNEL_HPP #define MLPACK_CORE_KERNELS_LINEAR_KERNEL_HPP diff --git a/src/mlpack/core/kernels/polynomial_kernel.hpp b/src/mlpack/core/kernels/polynomial_kernel.hpp index f06a48ed873..5d7902b3c3e 100644 --- a/src/mlpack/core/kernels/polynomial_kernel.hpp +++ b/src/mlpack/core/kernels/polynomial_kernel.hpp @@ -3,6 +3,11 @@ * @author Ajinkya Kale * * Implementation of the polynomial kernel (just the standard dot product). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_POLYNOMIAL_KERNEL_HPP #define MLPACK_CORE_KERNELS_POLYNOMIAL_KERNEL_HPP diff --git a/src/mlpack/core/kernels/pspectrum_string_kernel.cpp b/src/mlpack/core/kernels/pspectrum_string_kernel.cpp index c4be59418dc..908c12fae6b 100644 --- a/src/mlpack/core/kernels/pspectrum_string_kernel.cpp +++ b/src/mlpack/core/kernels/pspectrum_string_kernel.cpp @@ -7,6 +7,11 @@ * one-dimensional data matrix (data vector) to FastMKS which stores indices of * strings; then, the actual strings are given to the PSpectrumStringKernel at * construction time, and the kernel knows to map the indices to actual strings. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "pspectrum_string_kernel.hpp" diff --git a/src/mlpack/core/kernels/pspectrum_string_kernel.hpp b/src/mlpack/core/kernels/pspectrum_string_kernel.hpp index 460dd038478..14dc3c9baea 100644 --- a/src/mlpack/core/kernels/pspectrum_string_kernel.hpp +++ b/src/mlpack/core/kernels/pspectrum_string_kernel.hpp @@ -7,6 +7,11 @@ * one-dimensional data matrix (data vector) to FastMKS which stores indices of * strings; then, the actual strings are given to the PSpectrumStringKernel at * construction time, and the kernel knows to map the indices to actual strings. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_HPP #define MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_HPP diff --git a/src/mlpack/core/kernels/pspectrum_string_kernel_impl.hpp b/src/mlpack/core/kernels/pspectrum_string_kernel_impl.hpp index 19d5f09291e..6ae2cab1b84 100644 --- a/src/mlpack/core/kernels/pspectrum_string_kernel_impl.hpp +++ b/src/mlpack/core/kernels/pspectrum_string_kernel_impl.hpp @@ -7,6 +7,11 @@ * one-dimensional data matrix (data vector) to FastMKS which stores indices of * strings; then, the actual strings are given to the PSpectrumStringKernel at * construction time, and the kernel knows to map the indices to actual strings. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_IMPL_HPP #define MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_IMPL_HPP diff --git a/src/mlpack/core/kernels/spherical_kernel.hpp b/src/mlpack/core/kernels/spherical_kernel.hpp index 2fceda9d55b..c6baf2ef9a8 100644 --- a/src/mlpack/core/kernels/spherical_kernel.hpp +++ b/src/mlpack/core/kernels/spherical_kernel.hpp @@ -1,6 +1,11 @@ /** * @file spherical_kernel.hpp * @author Neil Slagle + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_SPHERICAL_KERNEL_HPP #define MLPACK_CORE_KERNELS_SPHERICAL_KERNEL_HPP diff --git a/src/mlpack/core/kernels/triangular_kernel.hpp b/src/mlpack/core/kernels/triangular_kernel.hpp index 998fe9b3bea..022ae4fee43 100644 --- a/src/mlpack/core/kernels/triangular_kernel.hpp +++ b/src/mlpack/core/kernels/triangular_kernel.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Definition and implementation of the trivially simple triangular kernel. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_KERNELS_TRIANGULAR_KERNEL_HPP #define MLPACK_CORE_KERNELS_TRIANGULAR_KERNEL_HPP diff --git a/src/mlpack/core/math/clamp.hpp b/src/mlpack/core/math/clamp.hpp index 9e7a5df6154..bc87362c3b7 100644 --- a/src/mlpack/core/math/clamp.hpp +++ b/src/mlpack/core/math/clamp.hpp @@ -2,6 +2,11 @@ * @file clamp.hpp * * Miscellaneous math clamping routines. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_MATH_CLAMP_HPP #define MLPACK_CORE_MATH_CLAMP_HPP diff --git a/src/mlpack/core/math/columns_to_blocks.cpp b/src/mlpack/core/math/columns_to_blocks.cpp index 68ae22fb4af..4cdab326682 100644 --- a/src/mlpack/core/math/columns_to_blocks.cpp +++ b/src/mlpack/core/math/columns_to_blocks.cpp @@ -3,6 +3,11 @@ * @author Tham Ngap Wei * * Implementation of the ColumnsToBlocks class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "columns_to_blocks.hpp" diff --git a/src/mlpack/core/math/columns_to_blocks.hpp b/src/mlpack/core/math/columns_to_blocks.hpp index 4d604aaf3f8..5ba6d95bc92 100644 --- a/src/mlpack/core/math/columns_to_blocks.hpp +++ b/src/mlpack/core/math/columns_to_blocks.hpp @@ -4,6 +4,11 @@ * * A helper class that could be useful for visualizing the output of * MaximalInputs() and possibly other things. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_NN_COLUMNS_TO_BLOCKS_HPP #define MLPACK_METHODS_NN_COLUMNS_TO_BLOCKS_HPP diff --git a/src/mlpack/core/math/lin_alg.cpp b/src/mlpack/core/math/lin_alg.cpp index b6d59473103..0d8d6de3089 100644 --- a/src/mlpack/core/math/lin_alg.cpp +++ b/src/mlpack/core/math/lin_alg.cpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Linear algebra utilities. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "lin_alg.hpp" #include diff --git a/src/mlpack/core/math/lin_alg.hpp b/src/mlpack/core/math/lin_alg.hpp index 63b5bf8ec99..6552dc85753 100644 --- a/src/mlpack/core/math/lin_alg.hpp +++ b/src/mlpack/core/math/lin_alg.hpp @@ -3,6 +3,11 @@ * @author Nishant Mehta * * Linear algebra utilities. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_MATH_LIN_ALG_HPP #define MLPACK_CORE_MATH_LIN_ALG_HPP diff --git a/src/mlpack/core/math/lin_alg_impl.hpp b/src/mlpack/core/math/lin_alg_impl.hpp index 93961973b68..c22684fe017 100644 --- a/src/mlpack/core/math/lin_alg_impl.hpp +++ b/src/mlpack/core/math/lin_alg_impl.hpp @@ -1,6 +1,11 @@ /** * @file lin_alg_impl.hpp * @author Stephen Tu + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_MATH_LIN_ALG_IMPL_HPP #define MLPACK_CORE_MATH_LIN_ALG_IMPL_HPP diff --git a/src/mlpack/core/math/random.cpp b/src/mlpack/core/math/random.cpp index d83a9bff2b3..9e275f3d003 100644 --- a/src/mlpack/core/math/random.cpp +++ b/src/mlpack/core/math/random.cpp @@ -2,6 +2,11 @@ * @file random.cpp * * Declarations of global random number generators. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/core/math/random.hpp b/src/mlpack/core/math/random.hpp index 1df5b01345e..ffc0028c550 100644 --- a/src/mlpack/core/math/random.hpp +++ b/src/mlpack/core/math/random.hpp @@ -2,6 +2,11 @@ * @file random.hpp * * Miscellaneous math random-related routines. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_MATH_RANDOM_HPP #define MLPACK_CORE_MATH_RANDOM_HPP diff --git a/src/mlpack/core/math/random_basis.cpp b/src/mlpack/core/math/random_basis.cpp index a1b56c0cfd5..bf4e412aa80 100644 --- a/src/mlpack/core/math/random_basis.cpp +++ b/src/mlpack/core/math/random_basis.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Generate a random d-dimensional basis. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "random_basis.hpp" diff --git a/src/mlpack/core/math/random_basis.hpp b/src/mlpack/core/math/random_basis.hpp index e5f407b99e9..a0b21dcf5d0 100644 --- a/src/mlpack/core/math/random_basis.hpp +++ b/src/mlpack/core/math/random_basis.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Generate a random d-dimensional basis. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_MATH_RANDOM_BASIS_HPP #define MLPACK_CORE_MATH_RANDOM_BASIS_HPP diff --git a/src/mlpack/core/math/range.hpp b/src/mlpack/core/math/range.hpp index 5b03c7f2974..e0c0e8d6e7f 100644 --- a/src/mlpack/core/math/range.hpp +++ b/src/mlpack/core/math/range.hpp @@ -3,6 +3,11 @@ * * Definition of the Range class, which represents a simple range with a lower * and upper bound. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_MATH_RANGE_HPP #define MLPACK_CORE_MATH_RANGE_HPP diff --git a/src/mlpack/core/math/range_impl.hpp b/src/mlpack/core/math/range_impl.hpp index deeb4a8b09d..be15b1ebf70 100644 --- a/src/mlpack/core/math/range_impl.hpp +++ b/src/mlpack/core/math/range_impl.hpp @@ -2,6 +2,11 @@ * @file range_impl.hpp * * Implementation of the (inlined) Range class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_MATH_RANGE_IMPL_HPP #define MLPACK_CORE_MATH_RANGE_IMPL_HPP diff --git a/src/mlpack/core/math/round.hpp b/src/mlpack/core/math/round.hpp index fac93177f0e..4a8d97bba9b 100644 --- a/src/mlpack/core/math/round.hpp +++ b/src/mlpack/core/math/round.hpp @@ -4,6 +4,11 @@ * * Implementation of round() for use on Visual Studio, where C99 isn't * implemented. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_MATH_ROUND_HPP #define MLPACK_CORE_MATH_ROUND_HPP diff --git a/src/mlpack/core/metrics/ip_metric.hpp b/src/mlpack/core/metrics/ip_metric.hpp index b55ace8ce8b..6e139965201 100644 --- a/src/mlpack/core/metrics/ip_metric.hpp +++ b/src/mlpack/core/metrics/ip_metric.hpp @@ -4,6 +4,11 @@ * * Inner product induced metric. If given a kernel function, this gives the * complementary metric. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_IP_METRIC_HPP #define MLPACK_METHODS_FASTMKS_IP_METRIC_HPP diff --git a/src/mlpack/core/metrics/ip_metric_impl.hpp b/src/mlpack/core/metrics/ip_metric_impl.hpp index 0d9cc1c4f10..82b86532752 100644 --- a/src/mlpack/core/metrics/ip_metric_impl.hpp +++ b/src/mlpack/core/metrics/ip_metric_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the IPMetric. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_METHODS_FASTMKS_IP_METRIC_IMPL_HPP #define MLPACK_METHODS_FASTMKS_IP_METRIC_IMPL_HPP diff --git a/src/mlpack/core/metrics/lmetric.hpp b/src/mlpack/core/metrics/lmetric.hpp index 240ae2ab764..a84b2c610e1 100644 --- a/src/mlpack/core/metrics/lmetric.hpp +++ b/src/mlpack/core/metrics/lmetric.hpp @@ -6,6 +6,11 @@ * as non-squared distances. The squared distances are faster to compute. * * This also gives several convenience typedefs for commonly used L-metrics. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_METRICS_LMETRIC_HPP #define MLPACK_CORE_METRICS_LMETRIC_HPP diff --git a/src/mlpack/core/metrics/lmetric_impl.hpp b/src/mlpack/core/metrics/lmetric_impl.hpp index 5e1c886a051..4128ae9bdfd 100644 --- a/src/mlpack/core/metrics/lmetric_impl.hpp +++ b/src/mlpack/core/metrics/lmetric_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of template specializations of LMetric class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_METRICS_LMETRIC_IMPL_HPP #define MLPACK_CORE_METRICS_LMETRIC_IMPL_HPP diff --git a/src/mlpack/core/metrics/mahalanobis_distance.hpp b/src/mlpack/core/metrics/mahalanobis_distance.hpp index 77e9eea0bac..ef1c48bb834 100644 --- a/src/mlpack/core/metrics/mahalanobis_distance.hpp +++ b/src/mlpack/core/metrics/mahalanobis_distance.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * The Mahalanobis distance. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_HPP #define MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_HPP diff --git a/src/mlpack/core/metrics/mahalanobis_distance_impl.hpp b/src/mlpack/core/metrics/mahalanobis_distance_impl.hpp index a13b9d4b3f6..458bdea26e1 100644 --- a/src/mlpack/core/metrics/mahalanobis_distance_impl.hpp +++ b/src/mlpack/core/metrics/mahalanobis_distance_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the Mahalanobis distance. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_IMPL_HPP #define MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_IMPL_HPP diff --git a/src/mlpack/core/optimizers/adadelta/ada_delta.hpp b/src/mlpack/core/optimizers/adadelta/ada_delta.hpp index 942c81cf015..ba0a1be216c 100644 --- a/src/mlpack/core/optimizers/adadelta/ada_delta.hpp +++ b/src/mlpack/core/optimizers/adadelta/ada_delta.hpp @@ -6,6 +6,11 @@ * Implementation of the Adadelta optimizer. Adadelta is an optimizer that * dynamically adapts over time using only first order information. * Additionally, Adadelta requires no manual tuning of a learning rate. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_CORE_OPTIMIZERS_ADADELTA_ADA_DELTA_HPP #define __MLPACK_CORE_OPTIMIZERS_ADADELTA_ADA_DELTA_HPP diff --git a/src/mlpack/core/optimizers/adadelta/ada_delta_impl.hpp b/src/mlpack/core/optimizers/adadelta/ada_delta_impl.hpp index 6bfd9ed16c6..ee34a7a1105 100644 --- a/src/mlpack/core/optimizers/adadelta/ada_delta_impl.hpp +++ b/src/mlpack/core/optimizers/adadelta/ada_delta_impl.hpp @@ -4,6 +4,11 @@ * @author Vasanth Kalingeri * * Implementation of the Adadelta optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_CORE_OPTIMIZERS_ADADELTA_ADA_DELTA_IMPL_HPP #define __MLPACK_CORE_OPTIMIZERS_ADADELTA_ADA_DELTA_IMPL_HPP diff --git a/src/mlpack/core/optimizers/adam/adam.hpp b/src/mlpack/core/optimizers/adam/adam.hpp index 989466404c2..dc430bc46e4 100644 --- a/src/mlpack/core/optimizers/adam/adam.hpp +++ b/src/mlpack/core/optimizers/adam/adam.hpp @@ -7,6 +7,11 @@ * Adam optimizer. Adam is an an algorithm for first-order gradient-based * optimization of stochastic objective functions, based on adaptive estimates * of lower-order moments. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_CORE_OPTIMIZERS_ADAM_ADAM_HPP #define __MLPACK_CORE_OPTIMIZERS_ADAM_ADAM_HPP diff --git a/src/mlpack/core/optimizers/adam/adam_impl.hpp b/src/mlpack/core/optimizers/adam/adam_impl.hpp index 725a9d63b12..54f344f4375 100644 --- a/src/mlpack/core/optimizers/adam/adam_impl.hpp +++ b/src/mlpack/core/optimizers/adam/adam_impl.hpp @@ -5,6 +5,11 @@ * @author Marcus Edel * * Implementation of the Adam optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_CORE_OPTIMIZERS_ADAM_ADAM_IMPL_HPP #define __MLPACK_CORE_OPTIMIZERS_ADAM_ADAM_IMPL_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp index c56cec988b1..10f8d4e6e18 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp @@ -5,6 +5,11 @@ * Definition of AugLagrangian class, which implements the Augmented Lagrangian * optimization method (also called the 'method of multipliers'. This class * uses the L-BFGS optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp index c8e8cb22fcf..7e6aaff0657 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Contains a utility class for AugLagrangian. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_HPP #define MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function_impl.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function_impl.hpp index d59297a11f0..09ea3309965 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function_impl.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function_impl.hpp @@ -5,6 +5,11 @@ * Simple, naive implementation of AugLagrangianFunction. Better * specializations can probably be given in many cases, but this is the most * general case. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_IMPL_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp index 1d308b05a12..a2bd733b815 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of AugLagrangian class (Augmented Lagrangian optimization * method). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_IMPL_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.cpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.cpp index 53efd0fc653..5d67b3d3d59 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.cpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of AugLagrangianTestFunction class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "aug_lagrangian_test_functions.hpp" diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp index 4fc8f9d4a38..1febb4324e1 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Define test functions for the augmented Lagrangian method. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_TEST_FUNCTIONS_HPP #define MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_TEST_FUNCTIONS_HPP diff --git a/src/mlpack/core/optimizers/gradient_descent/gradient_descent.hpp b/src/mlpack/core/optimizers/gradient_descent/gradient_descent.hpp index cf33b5b838a..737a859f83f 100644 --- a/src/mlpack/core/optimizers/gradient_descent/gradient_descent.hpp +++ b/src/mlpack/core/optimizers/gradient_descent/gradient_descent.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Simple Gradient Descent. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_GRADIENT_DESCENT_GRADIENT_DESCENT_HPP #define MLPACK_CORE_OPTIMIZERS_GRADIENT_DESCENT_GRADIENT_DESCENT_HPP diff --git a/src/mlpack/core/optimizers/gradient_descent/gradient_descent_impl.hpp b/src/mlpack/core/optimizers/gradient_descent/gradient_descent_impl.hpp index 22143f3578e..a3a81226f2e 100644 --- a/src/mlpack/core/optimizers/gradient_descent/gradient_descent_impl.hpp +++ b/src/mlpack/core/optimizers/gradient_descent/gradient_descent_impl.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Simple gradient descent implementation. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_GRADIENT_DESCENT_GRADIENT_DESCENT_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_GRADIENT_DESCENT_GRADIENT_DESCENT_IMPL_HPP diff --git a/src/mlpack/core/optimizers/gradient_descent/test_function.cpp b/src/mlpack/core/optimizers/gradient_descent/test_function.cpp index bf137fec04c..c980da0f099 100644 --- a/src/mlpack/core/optimizers/gradient_descent/test_function.cpp +++ b/src/mlpack/core/optimizers/gradient_descent/test_function.cpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Implementation of very simple test function for gradient descent. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "test_function.hpp" diff --git a/src/mlpack/core/optimizers/gradient_descent/test_function.hpp b/src/mlpack/core/optimizers/gradient_descent/test_function.hpp index db28171af5c..56b919273b2 100644 --- a/src/mlpack/core/optimizers/gradient_descent/test_function.hpp +++ b/src/mlpack/core/optimizers/gradient_descent/test_function.hpp @@ -3,6 +3,11 @@ * @author Sumedh Ghaisas * * Very simple test function for SGD. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_GD_TEST_FUNCTION_HPP #define MLPACK_CORE_OPTIMIZERS_GD_TEST_FUNCTION_HPP diff --git a/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp b/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp index 689d3beb4cd..2edc10834d8 100644 --- a/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp +++ b/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp @@ -4,6 +4,11 @@ * @author Ryan Curtin * * The generic L-BFGS optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_HPP #define MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_HPP diff --git a/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp b/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp index 81d3ab3515b..f8e44a383b7 100644 --- a/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp +++ b/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp @@ -4,6 +4,11 @@ * @author Ryan Curtin * * The implementation of the L_BFGS optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_IMPL_HPP diff --git a/src/mlpack/core/optimizers/lbfgs/test_functions.cpp b/src/mlpack/core/optimizers/lbfgs/test_functions.cpp index 1269d00773b..d60b99c3f64 100644 --- a/src/mlpack/core/optimizers/lbfgs/test_functions.cpp +++ b/src/mlpack/core/optimizers/lbfgs/test_functions.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementations of the test functions defined in test_functions.hpp. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "test_functions.hpp" diff --git a/src/mlpack/core/optimizers/lbfgs/test_functions.hpp b/src/mlpack/core/optimizers/lbfgs/test_functions.hpp index cfcab5c574e..4ed54d374da 100644 --- a/src/mlpack/core/optimizers/lbfgs/test_functions.hpp +++ b/src/mlpack/core/optimizers/lbfgs/test_functions.hpp @@ -9,6 +9,11 @@ * Jorge J. Moré, Burton S. Garbow, and Kenneth E. Hillstrom. 1981. * ACM Trans. Math. Softw. 7, 1 (March 1981), 17-41. * http://portal.acm.org/citation.cfm?id=355934.355936 + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_LBFGS_TEST_FUNCTIONS_HPP #define MLPACK_CORE_OPTIMIZERS_LBFGS_TEST_FUNCTIONS_HPP diff --git a/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd.hpp b/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd.hpp index 7edc721012b..e9cb089048c 100644 --- a/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd.hpp +++ b/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Mini-batch Stochastic Gradient Descent (SGD). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_HPP #define MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_HPP diff --git a/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd_impl.hpp b/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd_impl.hpp index 9a2adf2e01f..5b95b415d30 100644 --- a/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd_impl.hpp +++ b/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of mini-batch SGD. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_IMPL_HPP diff --git a/src/mlpack/core/optimizers/rmsprop/rmsprop.hpp b/src/mlpack/core/optimizers/rmsprop/rmsprop.hpp index 7603db95d84..5e04402e099 100644 --- a/src/mlpack/core/optimizers/rmsprop/rmsprop.hpp +++ b/src/mlpack/core/optimizers/rmsprop/rmsprop.hpp @@ -5,6 +5,11 @@ * * RMSprop optimizer. RmsProp is an optimizer that utilizes the magnitude of * recent gradients to normalize the gradients. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_HPP #define MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_HPP diff --git a/src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp b/src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp index f496efd85d6..a06814b08f9 100644 --- a/src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp +++ b/src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Implementation of the RMSprop optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_IMPL_HPP diff --git a/src/mlpack/core/optimizers/sa/exponential_schedule.hpp b/src/mlpack/core/optimizers/sa/exponential_schedule.hpp index 6bac79bffe1..bd1fa29ae42 100644 --- a/src/mlpack/core/optimizers/sa/exponential_schedule.hpp +++ b/src/mlpack/core/optimizers/sa/exponential_schedule.hpp @@ -3,6 +3,11 @@ * @author Zhihao Lou * * Exponential (geometric) cooling schedule used in SA. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SA_EXPONENTIAL_SCHEDULE_HPP #define MLPACK_CORE_OPTIMIZERS_SA_EXPONENTIAL_SCHEDULE_HPP diff --git a/src/mlpack/core/optimizers/sa/sa.hpp b/src/mlpack/core/optimizers/sa/sa.hpp index 81ef241713a..9c6b81bab9c 100644 --- a/src/mlpack/core/optimizers/sa/sa.hpp +++ b/src/mlpack/core/optimizers/sa/sa.hpp @@ -3,6 +3,11 @@ * @author Zhihao Lou * * Simulated Annealing (SA). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SA_SA_HPP #define MLPACK_CORE_OPTIMIZERS_SA_SA_HPP diff --git a/src/mlpack/core/optimizers/sa/sa_impl.hpp b/src/mlpack/core/optimizers/sa/sa_impl.hpp index 9fe72d0e893..0ecbedc000f 100644 --- a/src/mlpack/core/optimizers/sa/sa_impl.hpp +++ b/src/mlpack/core/optimizers/sa/sa_impl.hpp @@ -3,6 +3,11 @@ * @auther Zhihao Lou * * The implementation of the SA optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SA_SA_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_SA_SA_IMPL_HPP diff --git a/src/mlpack/core/optimizers/sdp/lrsdp.hpp b/src/mlpack/core/optimizers/sdp/lrsdp.hpp index 67c436d536e..d7e0df154bd 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp.hpp @@ -4,6 +4,11 @@ * * An implementation of Monteiro and Burer's formulation of low-rank * semidefinite programs (LR-SDP). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_HPP #define MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_HPP diff --git a/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp b/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp index ded2355c777..aa195b22882 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp @@ -4,6 +4,11 @@ * @author Abhishek Laddha * * A class that represents the objective function which LRSDP optimizes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_HPP #define MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_HPP diff --git a/src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp b/src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp index 1ec4411f2d5..7b23b5eeadb 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp @@ -5,6 +5,11 @@ * * Implementation of the LRSDPFunction class, and also template specializations * for faster execution with the AugLagrangian optimizer. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_IMPL_HPP diff --git a/src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp b/src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp index 6b91ee7c1c1..8a4d20465db 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp @@ -4,6 +4,11 @@ * * An implementation of Monteiro and Burer's formulation of low-rank * semidefinite programs (LR-SDP). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_IMPL_HPP diff --git a/src/mlpack/core/optimizers/sdp/primal_dual.hpp b/src/mlpack/core/optimizers/sdp/primal_dual.hpp index 1eb5963a6d9..62ab0cd81ec 100644 --- a/src/mlpack/core/optimizers/sdp/primal_dual.hpp +++ b/src/mlpack/core/optimizers/sdp/primal_dual.hpp @@ -2,6 +2,11 @@ * @file primal_dual.hpp * @author Stephen Tu * + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_HPP #define MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_HPP diff --git a/src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp b/src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp index fb1089f1f90..bc01438e4de 100644 --- a/src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp +++ b/src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp @@ -20,6 +20,11 @@ * Also note the current implementation assumes the SDP problem has a strictly * feasible primal/dual point (and therefore the duality gap is zero), and * that the constraint matrices are linearly independent. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_IMPL_HPP diff --git a/src/mlpack/core/optimizers/sdp/sdp.hpp b/src/mlpack/core/optimizers/sdp/sdp.hpp index 1f1ea788a22..2409057c94c 100644 --- a/src/mlpack/core/optimizers/sdp/sdp.hpp +++ b/src/mlpack/core/optimizers/sdp/sdp.hpp @@ -2,6 +2,11 @@ * @file sdp.hpp * @author Stephen Tu * + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SDP_SDP_HPP #define MLPACK_CORE_OPTIMIZERS_SDP_SDP_HPP diff --git a/src/mlpack/core/optimizers/sdp/sdp_impl.hpp b/src/mlpack/core/optimizers/sdp/sdp_impl.hpp index 3e18e6303ca..2e0ff76449b 100644 --- a/src/mlpack/core/optimizers/sdp/sdp_impl.hpp +++ b/src/mlpack/core/optimizers/sdp/sdp_impl.hpp @@ -2,6 +2,11 @@ * @file sdp_impl.hpp * @author Stephen Tu * + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SDP_SDP_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_SDP_SDP_IMPL_HPP diff --git a/src/mlpack/core/optimizers/sgd/sgd.hpp b/src/mlpack/core/optimizers/sgd/sgd.hpp index a8ff9890a42..9d3518dd192 100644 --- a/src/mlpack/core/optimizers/sgd/sgd.hpp +++ b/src/mlpack/core/optimizers/sgd/sgd.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Stochastic Gradient Descent (SGD). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SGD_SGD_HPP #define MLPACK_CORE_OPTIMIZERS_SGD_SGD_HPP diff --git a/src/mlpack/core/optimizers/sgd/sgd_impl.hpp b/src/mlpack/core/optimizers/sgd/sgd_impl.hpp index c47705a6aea..1f8baa0ea3f 100644 --- a/src/mlpack/core/optimizers/sgd/sgd_impl.hpp +++ b/src/mlpack/core/optimizers/sgd/sgd_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of stochastic gradient descent. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SGD_SGD_IMPL_HPP #define MLPACK_CORE_OPTIMIZERS_SGD_SGD_IMPL_HPP diff --git a/src/mlpack/core/optimizers/sgd/test_function.cpp b/src/mlpack/core/optimizers/sgd/test_function.cpp index 730c0a04f63..435838a8006 100644 --- a/src/mlpack/core/optimizers/sgd/test_function.cpp +++ b/src/mlpack/core/optimizers/sgd/test_function.cpp @@ -4,6 +4,11 @@ * * Implementation of very simple test function for stochastic gradient descent * (SGD). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "test_function.hpp" diff --git a/src/mlpack/core/optimizers/sgd/test_function.hpp b/src/mlpack/core/optimizers/sgd/test_function.hpp index 7b059e15f25..bed380ce628 100644 --- a/src/mlpack/core/optimizers/sgd/test_function.hpp +++ b/src/mlpack/core/optimizers/sgd/test_function.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Very simple test function for SGD. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_OPTIMIZERS_SGD_TEST_FUNCTION_HPP #define MLPACK_CORE_OPTIMIZERS_SGD_TEST_FUNCTION_HPP diff --git a/src/mlpack/core/tree/address.hpp b/src/mlpack/core/tree/address.hpp index bf183e2da23..b1ab4951fef 100644 --- a/src/mlpack/core/tree/address.hpp +++ b/src/mlpack/core/tree/address.hpp @@ -47,6 +47,11 @@ namespace addr { * * @param address The resulting address. * @param point The point that is being translated to the address. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ template void PointToAddress(AddressType& address, const VecType& point) diff --git a/src/mlpack/core/tree/ballbound.hpp b/src/mlpack/core/tree/ballbound.hpp index 14f289a14ee..a5e002c6744 100644 --- a/src/mlpack/core/tree/ballbound.hpp +++ b/src/mlpack/core/tree/ballbound.hpp @@ -3,6 +3,11 @@ * * Bounds that are useful for binary space partitioning trees. * Interface to a ball bound that works in arbitrary metric spaces. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BALLBOUND_HPP #define MLPACK_CORE_TREE_BALLBOUND_HPP diff --git a/src/mlpack/core/tree/ballbound_impl.hpp b/src/mlpack/core/tree/ballbound_impl.hpp index 989658e4a45..94a53695528 100644 --- a/src/mlpack/core/tree/ballbound_impl.hpp +++ b/src/mlpack/core/tree/ballbound_impl.hpp @@ -3,6 +3,11 @@ * * Bounds that are useful for binary space partitioning trees. * Implementation of BallBound ball bound metric policy class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BALLBOUND_IMPL_HPP #define MLPACK_CORE_TREE_BALLBOUND_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree.hpp b/src/mlpack/core/tree/binary_space_tree.hpp index 51de06acfa0..1b6f1d24323 100644 --- a/src/mlpack/core/tree/binary_space_tree.hpp +++ b/src/mlpack/core/tree/binary_space_tree.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Include all the necessary files to use the BinarySpaceTree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/binary_space_tree.hpp b/src/mlpack/core/tree/binary_space_tree/binary_space_tree.hpp index 863c0110186..7d16fd8a244 100644 --- a/src/mlpack/core/tree/binary_space_tree/binary_space_tree.hpp +++ b/src/mlpack/core/tree/binary_space_tree/binary_space_tree.hpp @@ -2,6 +2,11 @@ * @file binary_space_tree.hpp * * Definition of generalized binary space partitioning tree (BinarySpaceTree). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/binary_space_tree_impl.hpp b/src/mlpack/core/tree/binary_space_tree/binary_space_tree_impl.hpp index 97570d84f4b..db43a3156e8 100644 --- a/src/mlpack/core/tree/binary_space_tree/binary_space_tree_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/binary_space_tree_impl.hpp @@ -2,6 +2,11 @@ * @file binary_space_tree_impl.hpp * * Implementation of generalized space partitioning tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp index 11e34697833..8985da84b0d 100644 --- a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp @@ -6,6 +6,11 @@ * This is a nested class of BinarySpaceTree which traverses two trees in a * breadth-first manner with a given set of rules which indicate the branches * which can be pruned and the order in which to recurse. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser_impl.hpp index eb09f949b8a..1b963818193 100644 --- a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser_impl.hpp @@ -5,6 +5,11 @@ * Implementation of the BreadthFirstDualTreeTraverser for BinarySpaceTree. * This is a way to perform a dual-tree traversal of two trees. The trees must * be the same type. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp index 25c9e64db7e..cc1a42955b0 100644 --- a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp @@ -6,6 +6,11 @@ * nested class of BinarySpaceTree which traverses two trees in a depth-first * manner with a given set of rules which indicate the branches which can be * pruned and the order in which to recurse. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser_impl.hpp index 87916f04893..1c9f6afc86a 100644 --- a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser_impl.hpp @@ -5,6 +5,11 @@ * Implementation of the DualTreeTraverser for BinarySpaceTree. This is a way * to perform a dual-tree traversal of two trees. The trees must be the same * type. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/mean_split.hpp b/src/mlpack/core/tree/binary_space_tree/mean_split.hpp index ecad1ba0e0e..02cc5d045b7 100644 --- a/src/mlpack/core/tree/binary_space_tree/mean_split.hpp +++ b/src/mlpack/core/tree/binary_space_tree/mean_split.hpp @@ -5,6 +5,11 @@ * * Definition of MeanSplit, a class that splits a binary space partitioning tree * node into two parts using the mean of the values in a certain dimension. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/mean_split_impl.hpp b/src/mlpack/core/tree/binary_space_tree/mean_split_impl.hpp index 9759600d4db..ff6f932ccc7 100644 --- a/src/mlpack/core/tree/binary_space_tree/mean_split_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/mean_split_impl.hpp @@ -4,6 +4,11 @@ * @author Ryan Curtin * * Implementation of class(MeanSplit) to split a binary space partition tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/midpoint_split.hpp b/src/mlpack/core/tree/binary_space_tree/midpoint_split.hpp index 01d8eeb0a3a..779a301ff20 100644 --- a/src/mlpack/core/tree/binary_space_tree/midpoint_split.hpp +++ b/src/mlpack/core/tree/binary_space_tree/midpoint_split.hpp @@ -6,6 +6,11 @@ * Definition of MidpointSplit, a class that splits a binary space partitioning * tree node into two parts using the midpoint of the values in a certain * dimension. The dimension to split on is the dimension with maximum variance. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/midpoint_split_impl.hpp b/src/mlpack/core/tree/binary_space_tree/midpoint_split_impl.hpp index 7cbf6fd946a..aca8341e53b 100644 --- a/src/mlpack/core/tree/binary_space_tree/midpoint_split_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/midpoint_split_impl.hpp @@ -5,6 +5,11 @@ * * Implementation of class (MidpointSplit) to split a binary space partition * tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/rp_tree_max_split.hpp b/src/mlpack/core/tree/binary_space_tree/rp_tree_max_split.hpp index 9d01b0d870d..b7400ee4caa 100644 --- a/src/mlpack/core/tree/binary_space_tree/rp_tree_max_split.hpp +++ b/src/mlpack/core/tree/binary_space_tree/rp_tree_max_split.hpp @@ -4,6 +4,11 @@ * * Definition of class (RPTreeMaxSplit) to split a binary space partition * tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_RP_TREE_MAX_SPLIT_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_RP_TREE_MAX_SPLIT_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/rp_tree_max_split_impl.hpp b/src/mlpack/core/tree/binary_space_tree/rp_tree_max_split_impl.hpp index 9943853e106..6ccd932c590 100644 --- a/src/mlpack/core/tree/binary_space_tree/rp_tree_max_split_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/rp_tree_max_split_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of class (RPTreeMaxSplit) to split a binary space partition * tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_RP_TREE_MAX_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_RP_TREE_MAX_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/rp_tree_mean_split.hpp b/src/mlpack/core/tree/binary_space_tree/rp_tree_mean_split.hpp index 332122bfff8..eddb73d1178 100644 --- a/src/mlpack/core/tree/binary_space_tree/rp_tree_mean_split.hpp +++ b/src/mlpack/core/tree/binary_space_tree/rp_tree_mean_split.hpp @@ -4,6 +4,11 @@ * * Definition of class (RPTreeMaxSplit) to split a binary space partition * tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_RP_TREE_MEAN_SPLIT_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_RP_TREE_MEAN_SPLIT_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/rp_tree_mean_split_impl.hpp b/src/mlpack/core/tree/binary_space_tree/rp_tree_mean_split_impl.hpp index 1bb18795afd..6c55008adca 100644 --- a/src/mlpack/core/tree/binary_space_tree/rp_tree_mean_split_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/rp_tree_mean_split_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of class (RPTreeMeanSplit) to split a binary space partition * tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_RP_TREE_MEAN_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_RP_TREE_MEAN_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/single_tree_traverser.hpp b/src/mlpack/core/tree/binary_space_tree/single_tree_traverser.hpp index caa3d97a2a7..96655832b7f 100644 --- a/src/mlpack/core/tree/binary_space_tree/single_tree_traverser.hpp +++ b/src/mlpack/core/tree/binary_space_tree/single_tree_traverser.hpp @@ -5,6 +5,11 @@ * A nested class of BinarySpaceTree which traverses the entire tree with a * given set of rules which indicate the branches which can be pruned and the * order in which to recurse. This traverser is a depth-first traverser. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/single_tree_traverser_impl.hpp b/src/mlpack/core/tree/binary_space_tree/single_tree_traverser_impl.hpp index c9f6b1e6c1a..65d1885233c 100644 --- a/src/mlpack/core/tree/binary_space_tree/single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/single_tree_traverser_impl.hpp @@ -5,6 +5,11 @@ * A nested class of BinarySpaceTree which traverses the entire tree with a * given set of rules which indicate the branches which can be pruned and the * order in which to recurse. This traverser is a depth-first traverser. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/traits.hpp b/src/mlpack/core/tree/binary_space_tree/traits.hpp index 4ebdb04cdc8..9556cb64940 100644 --- a/src/mlpack/core/tree/binary_space_tree/traits.hpp +++ b/src/mlpack/core/tree/binary_space_tree/traits.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Specialization of the TreeTraits class for the BinarySpaceTree type of tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_TRAITS_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_TRAITS_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/typedef.hpp b/src/mlpack/core/tree/binary_space_tree/typedef.hpp index a707ffc7913..35d34720ba6 100644 --- a/src/mlpack/core/tree/binary_space_tree/typedef.hpp +++ b/src/mlpack/core/tree/binary_space_tree/typedef.hpp @@ -4,6 +4,11 @@ * * Template typedefs for the BinarySpaceTree class that satisfy the requirements * of the TreeType policy class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_TYPEDEF_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_TYPEDEF_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/ub_tree_split.hpp b/src/mlpack/core/tree/binary_space_tree/ub_tree_split.hpp index f704c90d5ea..b914d8a321b 100644 --- a/src/mlpack/core/tree/binary_space_tree/ub_tree_split.hpp +++ b/src/mlpack/core/tree/binary_space_tree/ub_tree_split.hpp @@ -4,6 +4,11 @@ * * Definition of UBTreeSplit, a class that splits the space according * to the median address of points contained in the node. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_UB_TREE_SPLIT_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_UB_TREE_SPLIT_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/ub_tree_split_impl.hpp b/src/mlpack/core/tree/binary_space_tree/ub_tree_split_impl.hpp index 51beba8ae78..0841c15c508 100644 --- a/src/mlpack/core/tree/binary_space_tree/ub_tree_split_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/ub_tree_split_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of UBTreeSplit, a class that splits a node according * to the median address of points contained in the node. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_UB_TREE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_UB_TREE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/vantage_point_split.hpp b/src/mlpack/core/tree/binary_space_tree/vantage_point_split.hpp index 5a16c45b2d2..ed24ea02ac2 100644 --- a/src/mlpack/core/tree/binary_space_tree/vantage_point_split.hpp +++ b/src/mlpack/core/tree/binary_space_tree/vantage_point_split.hpp @@ -4,6 +4,11 @@ * * Definition of class VantagePointSplit, a class that splits a vantage point * tree into two parts using the distance to a certain vantage point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_VANTAGE_POINT_SPLIT_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_VANTAGE_POINT_SPLIT_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/vantage_point_split_impl.hpp b/src/mlpack/core/tree/binary_space_tree/vantage_point_split_impl.hpp index 3028d53219a..fd15b457464 100644 --- a/src/mlpack/core/tree/binary_space_tree/vantage_point_split_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/vantage_point_split_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of class (VantagePointSplit) to split a vantage point * tree according to the median value of the distance to a certain vantage point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_VANTAGE_POINT_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_BINARY_SPACE_TREE_VANTAGE_POINT_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/bound_traits.hpp b/src/mlpack/core/tree/bound_traits.hpp index 33b48e1ac9b..dbc529903e1 100644 --- a/src/mlpack/core/tree/bound_traits.hpp +++ b/src/mlpack/core/tree/bound_traits.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * A class for template metaprogramming traits for bounds. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BOUND_TRAITS_HPP #define MLPACK_CORE_TREE_BOUND_TRAITS_HPP diff --git a/src/mlpack/core/tree/bounds.hpp b/src/mlpack/core/tree/bounds.hpp index 3c53d411c92..d5a075693b5 100644 --- a/src/mlpack/core/tree/bounds.hpp +++ b/src/mlpack/core/tree/bounds.hpp @@ -2,6 +2,11 @@ * @file bounds.hpp * * Bounds that are useful for binary space partitioning trees. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_BOUNDS_HPP diff --git a/src/mlpack/core/tree/cellbound.hpp b/src/mlpack/core/tree/cellbound.hpp index 8841f8b3c27..2ef5d411731 100644 --- a/src/mlpack/core/tree/cellbound.hpp +++ b/src/mlpack/core/tree/cellbound.hpp @@ -25,6 +25,11 @@ * address = {London, UK, UK}, * } * @endcode + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_CELLBOUND_HPP #define MLPACK_CORE_TREE_CELLBOUND_HPP diff --git a/src/mlpack/core/tree/cellbound_impl.hpp b/src/mlpack/core/tree/cellbound_impl.hpp index 242699ccae3..6b854c0476b 100644 --- a/src/mlpack/core/tree/cellbound_impl.hpp +++ b/src/mlpack/core/tree/cellbound_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of the CellBound class. The class describes a bound that * consists of a number of hyperrectangles. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_CELLBOUND_IMPL_HPP #define MLPACK_CORE_TREE_CELLBOUND_IMPL_HPP diff --git a/src/mlpack/core/tree/cosine_tree/cosine_tree.cpp b/src/mlpack/core/tree/cosine_tree/cosine_tree.cpp index 01acbb78621..35a4dc1bf5f 100644 --- a/src/mlpack/core/tree/cosine_tree/cosine_tree.cpp +++ b/src/mlpack/core/tree/cosine_tree/cosine_tree.cpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Implementation of cosine tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "cosine_tree.hpp" diff --git a/src/mlpack/core/tree/cosine_tree/cosine_tree.hpp b/src/mlpack/core/tree/cosine_tree/cosine_tree.hpp index 16bcb6ca264..042798a8485 100644 --- a/src/mlpack/core/tree/cosine_tree/cosine_tree.hpp +++ b/src/mlpack/core/tree/cosine_tree/cosine_tree.hpp @@ -3,6 +3,11 @@ * @author Siddharth Agrawal * * Definition of Cosine Tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COSINE_TREE_COSINE_TREE_HPP #define MLPACK_CORE_TREE_COSINE_TREE_COSINE_TREE_HPP diff --git a/src/mlpack/core/tree/cover_tree.hpp b/src/mlpack/core/tree/cover_tree.hpp index 0ad2ff3c4a9..b84ad6c75a0 100644 --- a/src/mlpack/core/tree/cover_tree.hpp +++ b/src/mlpack/core/tree/cover_tree.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Includes all the necessary files to use the CoverTree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_HPP #define MLPACK_CORE_TREE_COVER_TREE_HPP diff --git a/src/mlpack/core/tree/cover_tree/cover_tree.hpp b/src/mlpack/core/tree/cover_tree/cover_tree.hpp index 141a4af5d21..af451811859 100644 --- a/src/mlpack/core/tree/cover_tree/cover_tree.hpp +++ b/src/mlpack/core/tree/cover_tree/cover_tree.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Definition of CoverTree, which can be used in place of the BinarySpaceTree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_HPP #define MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_HPP diff --git a/src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp b/src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp index 12095de114e..d471d45367d 100644 --- a/src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp +++ b/src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of CoverTree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_IMPL_HPP #define MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_IMPL_HPP diff --git a/src/mlpack/core/tree/cover_tree/dual_tree_traverser.hpp b/src/mlpack/core/tree/cover_tree/dual_tree_traverser.hpp index 9fe1372a68f..2440be4c050 100644 --- a/src/mlpack/core/tree/cover_tree/dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/cover_tree/dual_tree_traverser.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * A dual-tree traverser for the cover tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/cover_tree/dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/cover_tree/dual_tree_traverser_impl.hpp index e0d5281c168..4aa0dad94d8 100644 --- a/src/mlpack/core/tree/cover_tree/dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/cover_tree/dual_tree_traverser_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * A dual-tree traverser for the cover tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp b/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp index 02bee9db060..42cd037104b 100644 --- a/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp +++ b/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp @@ -4,6 +4,11 @@ * * A very simple policy for the cover tree; the first point in the dataset is * chosen as the root of the cover tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_FIRST_POINT_IS_ROOT_HPP #define MLPACK_CORE_TREE_FIRST_POINT_IS_ROOT_HPP diff --git a/src/mlpack/core/tree/cover_tree/single_tree_traverser.hpp b/src/mlpack/core/tree/cover_tree/single_tree_traverser.hpp index ae9a07fcfa3..efc01d6d2ab 100644 --- a/src/mlpack/core/tree/cover_tree/single_tree_traverser.hpp +++ b/src/mlpack/core/tree/cover_tree/single_tree_traverser.hpp @@ -5,6 +5,11 @@ * Defines the SingleTreeTraverser for the cover tree. This implements a * single-tree breadth-first recursion with a pruning rule and a base case (two * point) rule. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/cover_tree/single_tree_traverser_impl.hpp b/src/mlpack/core/tree/cover_tree/single_tree_traverser_impl.hpp index 4ce26b26aee..46b39001db9 100644 --- a/src/mlpack/core/tree/cover_tree/single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/cover_tree/single_tree_traverser_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of the single tree traverser for cover trees, which implements * a breadth-first traversal. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/cover_tree/traits.hpp b/src/mlpack/core/tree/cover_tree/traits.hpp index 1e3aefa4395..a28edc1f1a9 100644 --- a/src/mlpack/core/tree/cover_tree/traits.hpp +++ b/src/mlpack/core/tree/cover_tree/traits.hpp @@ -4,6 +4,11 @@ * * This file contains the specialization of the TreeTraits class for the * CoverTree type of tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_TRAITS_HPP #define MLPACK_CORE_TREE_COVER_TREE_TRAITS_HPP diff --git a/src/mlpack/core/tree/cover_tree/typedef.hpp b/src/mlpack/core/tree/cover_tree/typedef.hpp index 1a441ce4183..cbf54532ff7 100644 --- a/src/mlpack/core/tree/cover_tree/typedef.hpp +++ b/src/mlpack/core/tree/cover_tree/typedef.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Typedef of cover tree to match TreeType API. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_COVER_TREE_TYPEDEF_HPP #define MLPACK_CORE_TREE_COVER_TREE_TYPEDEF_HPP diff --git a/src/mlpack/core/tree/example_tree.hpp b/src/mlpack/core/tree/example_tree.hpp index 0fc0eeeb42e..f2a5eebce02 100644 --- a/src/mlpack/core/tree/example_tree.hpp +++ b/src/mlpack/core/tree/example_tree.hpp @@ -5,6 +5,11 @@ * An example tree. This contains all the functions that mlpack trees must * implement (although the actual implementations here don't make any sense * because this is just an example). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_EXAMPLE_TREE_HPP #define MLPACK_CORE_TREE_EXAMPLE_TREE_HPP diff --git a/src/mlpack/core/tree/greedy_single_tree_traverser.hpp b/src/mlpack/core/tree/greedy_single_tree_traverser.hpp index 29bc697ec20..c2ba5c5d3a7 100644 --- a/src/mlpack/core/tree/greedy_single_tree_traverser.hpp +++ b/src/mlpack/core/tree/greedy_single_tree_traverser.hpp @@ -5,6 +5,11 @@ * A simple greedy traverser which always chooses the child with the best score * and doesn't do backtracking. The RuleType class must implement the method * 'GetBestChild()'. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_GREEDY_SINGLE_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_GREEDY_SINGLE_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/greedy_single_tree_traverser_impl.hpp b/src/mlpack/core/tree/greedy_single_tree_traverser_impl.hpp index 5543f16c86b..136ee018b4d 100644 --- a/src/mlpack/core/tree/greedy_single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/greedy_single_tree_traverser_impl.hpp @@ -5,6 +5,11 @@ * A simple greedy traverser which always chooses the child with the best score * and doesn't do backtracking. The RuleType class must implement the method * 'GetBestChild()'. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_GREEDY_SINGLE_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_GREEDY_SINGLE_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/hollow_ball_bound.hpp b/src/mlpack/core/tree/hollow_ball_bound.hpp index c7b29cf348d..15bf154e660 100644 --- a/src/mlpack/core/tree/hollow_ball_bound.hpp +++ b/src/mlpack/core/tree/hollow_ball_bound.hpp @@ -3,6 +3,11 @@ * * Bounds that are useful for binary space partitioning trees. * Interface to a ball bound that works in arbitrary metric spaces. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_HOLLOW_BALL_BOUND_HPP #define MLPACK_CORE_TREE_HOLLOW_BALL_BOUND_HPP diff --git a/src/mlpack/core/tree/hollow_ball_bound_impl.hpp b/src/mlpack/core/tree/hollow_ball_bound_impl.hpp index 39a4b0ffefb..90bdb0050b4 100644 --- a/src/mlpack/core/tree/hollow_ball_bound_impl.hpp +++ b/src/mlpack/core/tree/hollow_ball_bound_impl.hpp @@ -3,6 +3,11 @@ * * Bounds that are useful for binary space partitioning trees. * Implementation of HollowBallBound ball bound metric policy class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_HOLLOW_BALL_BOUND_IMPL_HPP #define MLPACK_CORE_TREE_HOLLOW_BALL_BOUND_IMPL_HPP diff --git a/src/mlpack/core/tree/hrectbound.hpp b/src/mlpack/core/tree/hrectbound.hpp index 7a0823ff332..04b48d83788 100644 --- a/src/mlpack/core/tree/hrectbound.hpp +++ b/src/mlpack/core/tree/hrectbound.hpp @@ -5,6 +5,11 @@ * * This file describes the interface for the HRectBound class, which implements * a hyperrectangle bound. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_HRECTBOUND_HPP #define MLPACK_CORE_TREE_HRECTBOUND_HPP diff --git a/src/mlpack/core/tree/hrectbound_impl.hpp b/src/mlpack/core/tree/hrectbound_impl.hpp index 41dd0de6c16..b6734fc9750 100644 --- a/src/mlpack/core/tree/hrectbound_impl.hpp +++ b/src/mlpack/core/tree/hrectbound_impl.hpp @@ -3,6 +3,11 @@ * * Implementation of hyper-rectangle bound policy class. * Template parameter Power is the metric to use; use 2 for Euclidean (L2). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_HRECTBOUND_IMPL_HPP #define MLPACK_CORE_TREE_HRECTBOUND_IMPL_HPP diff --git a/src/mlpack/core/tree/octree.hpp b/src/mlpack/core/tree/octree.hpp index ed72ae5002b..f2746576e95 100644 --- a/src/mlpack/core/tree/octree.hpp +++ b/src/mlpack/core/tree/octree.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Include all the necessary files to use the Octree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_OCTREE_HPP #define MLPACK_CORE_TREE_OCTREE_HPP diff --git a/src/mlpack/core/tree/octree/dual_tree_traverser.hpp b/src/mlpack/core/tree/octree/dual_tree_traverser.hpp index ec9774a30fc..28a185e9070 100644 --- a/src/mlpack/core/tree/octree/dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/octree/dual_tree_traverser.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Define the dual-tree traverser for the Octree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_OCTREE_DUAL_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_OCTREE_DUAL_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/octree/dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/octree/dual_tree_traverser_impl.hpp index 7ea66908f28..7bf14c23b55 100644 --- a/src/mlpack/core/tree/octree/dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/octree/dual_tree_traverser_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the dual-tree traverser for the octree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_OCTREE_DUAL_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_OCTREE_DUAL_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/octree/octree.hpp b/src/mlpack/core/tree/octree/octree.hpp index 340291566f4..c5c8603c5b4 100644 --- a/src/mlpack/core/tree/octree/octree.hpp +++ b/src/mlpack/core/tree/octree/octree.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Definition of generalized octree (Octree). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_OCTREE_OCTREE_HPP #define MLPACK_CORE_TREE_OCTREE_OCTREE_HPP diff --git a/src/mlpack/core/tree/octree/octree_impl.hpp b/src/mlpack/core/tree/octree/octree_impl.hpp index 282e2bfcd14..b0c4b9a7e5d 100644 --- a/src/mlpack/core/tree/octree/octree_impl.hpp +++ b/src/mlpack/core/tree/octree/octree_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of generalized octree (Octree). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_OCTREE_OCTREE_IMPL_HPP #define MLPACK_CORE_TREE_OCTREE_OCTREE_IMPL_HPP diff --git a/src/mlpack/core/tree/octree/single_tree_traverser.hpp b/src/mlpack/core/tree/octree/single_tree_traverser.hpp index a82149f3fb1..c1317fac10a 100644 --- a/src/mlpack/core/tree/octree/single_tree_traverser.hpp +++ b/src/mlpack/core/tree/octree/single_tree_traverser.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Definition of the single tree traverser for the octree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_OCTREE_SINGLE_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_OCTREE_SINGLE_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/octree/single_tree_traverser_impl.hpp b/src/mlpack/core/tree/octree/single_tree_traverser_impl.hpp index 49ba9c2d731..3e0ce8a3118 100644 --- a/src/mlpack/core/tree/octree/single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/octree/single_tree_traverser_impl.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Implementation of the single tree traverser for octrees. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_OCTREE_SINGLE_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_OCTREE_SINGLE_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/octree/traits.hpp b/src/mlpack/core/tree/octree/traits.hpp index 4a0f9564c99..6273739cf2a 100644 --- a/src/mlpack/core/tree/octree/traits.hpp +++ b/src/mlpack/core/tree/octree/traits.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Specialization of the TreeTraits class for the Octree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_OCTREE_TRAITS_HPP #define MLPACK_CORE_TREE_OCTREE_TRAITS_HPP diff --git a/src/mlpack/core/tree/perform_split.hpp b/src/mlpack/core/tree/perform_split.hpp index ff140280f7d..f8449dd64d8 100644 --- a/src/mlpack/core/tree/perform_split.hpp +++ b/src/mlpack/core/tree/perform_split.hpp @@ -7,6 +7,11 @@ * the dataset such that points that belong to the left subtree are on the left * of the split column, and points from the right subtree are on the right side * of the split column. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_PERFORM_SPLIT_HPP #define MLPACK_CORE_TREE_PERFORM_SPLIT_HPP diff --git a/src/mlpack/core/tree/rectangle_tree.hpp b/src/mlpack/core/tree/rectangle_tree.hpp index 8bb8160ee2a..f6530ee385e 100644 --- a/src/mlpack/core/tree/rectangle_tree.hpp +++ b/src/mlpack/core/tree/rectangle_tree.hpp @@ -4,6 +4,11 @@ * * Include all the necessary files to use the Rectangle Type Trees (RTree, * RStarTree, XTree, and HilbertRTree). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/discrete_hilbert_value.hpp b/src/mlpack/core/tree/rectangle_tree/discrete_hilbert_value.hpp index 4c96f53b409..beb91589d29 100644 --- a/src/mlpack/core/tree/rectangle_tree/discrete_hilbert_value.hpp +++ b/src/mlpack/core/tree/rectangle_tree/discrete_hilbert_value.hpp @@ -4,6 +4,11 @@ * * Definition of the DiscreteHilbertValue class, a class that calculates * the ordering of points using the Hilbert curve. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_DISCRETE_HILBERT_VALUE_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_DISCRETE_HILBERT_VALUE_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/discrete_hilbert_value_impl.hpp b/src/mlpack/core/tree/rectangle_tree/discrete_hilbert_value_impl.hpp index d22d26aed4d..fc42ba26bc1 100644 --- a/src/mlpack/core/tree/rectangle_tree/discrete_hilbert_value_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/discrete_hilbert_value_impl.hpp @@ -4,6 +4,11 @@ * * Definition of the DiscreteHilbertValue class, a class that calculates * the ordering of points using the Hilbert curve. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_DISCRETE_HILBERT_VALUE_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_DISCRETE_HILBERT_VALUE_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser.hpp b/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser.hpp index fd445224335..a329a8bd5ac 100644 --- a/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser.hpp @@ -1,11 +1,16 @@ /** - * @file dual_tree_traverser.hpp - * @author Andrew Wells - * - * A nested class of Rectangle Tree for traversing rectangle type trees - * with a given set of rules which indicate the branches to prune and the - * order in which to recurse. This is just here to make it compile. - */ + * @file dual_tree_traverser.hpp + * @author Andrew Wells + * + * A nested class of Rectangle Tree for traversing rectangle type trees + * with a given set of rules which indicate the branches to prune and the + * order in which to recurse. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. + */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser_impl.hpp index 1ee5c6abf72..ebbedd66b47 100644 --- a/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser_impl.hpp @@ -1,11 +1,16 @@ /** - * @file dual_tree_traverser_impl.hpp - * @author Andrew Wells - * - * A class for traversing rectangle type trees with a given set of rules - * which indicate the branches to prune and the order in which to recurse. - * This is a depth-first traverser. - */ + * @file dual_tree_traverser_impl.hpp + * @author Andrew Wells + * + * A class for traversing rectangle type trees with a given set of rules + * which indicate the branches to prune and the order in which to recurse. + * This is a depth-first traverser. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. + */ #ifndef MLPAC_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP #define MLPAC_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_auxiliary_information.hpp b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_auxiliary_information.hpp index ad15882bd06..c80e2d05c34 100644 --- a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_auxiliary_information.hpp +++ b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_auxiliary_information.hpp @@ -5,6 +5,11 @@ * Definition of the HilbertRTreeAuxiliaryInformation class, * a class that provides some Hilbert r-tree specific information * about the nodes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_AUXILIARY_INFORMATION_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_AUXILIARY_INFORMATION_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_auxiliary_information_impl.hpp b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_auxiliary_information_impl.hpp index 73689bf7925..2fceeede212 100644 --- a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_auxiliary_information_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_auxiliary_information_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of the HilbertRTreeAuxiliaryInformation class, a class that * provides some Hilbert r-tree specific information about the nodes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_AUXILIARY_INFORMATION_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_AUXILIARY_INFORMATION_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_descent_heuristic.hpp b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_descent_heuristic.hpp index 2a01e6320e4..4d749e41cbf 100644 --- a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_descent_heuristic.hpp +++ b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_descent_heuristic.hpp @@ -4,6 +4,11 @@ * * Definition of HilbertRTreeDescentHeuristic, a class that chooses the best * child of a node in an R tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_DESCENT_HEURISTIC_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_DESCENT_HEURISTIC_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_descent_heuristic_impl.hpp b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_descent_heuristic_impl.hpp index 052d501ae69..b7f4e083968 100644 --- a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_descent_heuristic_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_descent_heuristic_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of HilbertRTreeDescentHeuristic, a class that chooses the best * child of a node in an R tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_DESCENT_HEURISTIC_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_DESCENT_HEURISTIC_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_split.hpp b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_split.hpp index bda835d1620..85eafddbea9 100644 --- a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_split.hpp +++ b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_split.hpp @@ -4,6 +4,11 @@ * * Definition of the HilbertRTreeSplit class, a class that splits the nodes of an R * tree, starting at a leaf node and moving upwards if necessary. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_SPLIT_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_SPLIT_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_split_impl.hpp b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_split_impl.hpp index 12ba1aed6d4..32ca6b339ad 100644 --- a/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_split_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/hilbert_r_tree_split_impl.hpp @@ -3,6 +3,11 @@ * @author Mikhail Lozhnikov * * Implementation of class (HilbertRTreeSplit) to split a RectangleTree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_HILBERT_R_TREE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/minimal_coverage_sweep.hpp b/src/mlpack/core/tree/rectangle_tree/minimal_coverage_sweep.hpp index ab2f664dc55..af4385693ad 100644 --- a/src/mlpack/core/tree/rectangle_tree/minimal_coverage_sweep.hpp +++ b/src/mlpack/core/tree/rectangle_tree/minimal_coverage_sweep.hpp @@ -4,6 +4,11 @@ * * Definition of the MinimalCoverageSweep class, a class that finds a partition * of a node along an axis. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_MINIMAL_COVERAGE_SWEEP_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_MINIMAL_COVERAGE_SWEEP_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/minimal_coverage_sweep_impl.hpp b/src/mlpack/core/tree/rectangle_tree/minimal_coverage_sweep_impl.hpp index 66ceec53adb..a9efbcecd66 100644 --- a/src/mlpack/core/tree/rectangle_tree/minimal_coverage_sweep_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/minimal_coverage_sweep_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of the MinimalCoverageSweep class, a class that finds a * partition of a node along an axis. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_MINIMAL_COVERAGE_SWEEP_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_MINIMAL_COVERAGE_SWEEP_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/minimal_splits_number_sweep.hpp b/src/mlpack/core/tree/rectangle_tree/minimal_splits_number_sweep.hpp index 7134db8d3de..c8b99030d28 100644 --- a/src/mlpack/core/tree/rectangle_tree/minimal_splits_number_sweep.hpp +++ b/src/mlpack/core/tree/rectangle_tree/minimal_splits_number_sweep.hpp @@ -4,6 +4,11 @@ * * Definition of the MinimalSplitsNumberSweep class, a class that finds a * partition of a node along an axis. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_MINIMAL_SPLITS_NUMBER_SWEEP_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_MINIMAL_SPLITS_NUMBER_SWEEP_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/minimal_splits_number_sweep_impl.hpp b/src/mlpack/core/tree/rectangle_tree/minimal_splits_number_sweep_impl.hpp index f320ac43d50..c0a57ee1e76 100644 --- a/src/mlpack/core/tree/rectangle_tree/minimal_splits_number_sweep_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/minimal_splits_number_sweep_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of the MinimalSplitsNumberSweep class, a class that finds a * partition of a node along an axis. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_MINIMAL_SPLITS_NUMBER_SWEEP_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_MINIMAL_SPLITS_NUMBER_SWEEP_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/no_auxiliary_information.hpp b/src/mlpack/core/tree/rectangle_tree/no_auxiliary_information.hpp index af424be84f7..01d18db371d 100644 --- a/src/mlpack/core/tree/rectangle_tree/no_auxiliary_information.hpp +++ b/src/mlpack/core/tree/rectangle_tree/no_auxiliary_information.hpp @@ -4,6 +4,11 @@ * * Definition of the NoAuxiliaryInformation class, a class that provides * no additional information about the nodes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_NO_AUXILIARY_INFORMATION_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_NO_AUXILIARY_INFORMATION_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_auxiliary_information.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_auxiliary_information.hpp index c31d5a0a643..2611259f183 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_auxiliary_information.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_auxiliary_information.hpp @@ -5,6 +5,11 @@ * Definition of the RPlusPlusTreeAuxiliaryInformation class, * a class that provides some r++-tree specific information * about the nodes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_AUXILIARY_INFORMATION_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_AUXILIARY_INFORMATION_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_auxiliary_information_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_auxiliary_information_impl.hpp index 349449404a4..06f8becb3be 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_auxiliary_information_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_auxiliary_information_impl.hpp @@ -5,6 +5,11 @@ * Implementation of the RPlusPlusTreeAuxiliaryInformation class, * a class that provides some r++-tree specific information * about the nodes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_AUXILIARY_INFORMATION_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_AUXILIARY_INFORMATION_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_descent_heuristic.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_descent_heuristic.hpp index 1f050bc7e76..c656852448a 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_descent_heuristic.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_descent_heuristic.hpp @@ -4,6 +4,11 @@ * * Definition of RPlusPlusTreeDescentHeuristic, a class that chooses the best * child of a node in an R++ tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_DESCENT_HEURISTIC_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_DESCENT_HEURISTIC_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_descent_heuristic_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_descent_heuristic_impl.hpp index 4e7142a6af7..141ae0350d9 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_descent_heuristic_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_descent_heuristic_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of RPlusPlusTreeDescentHeuristic, a class that chooses the * best child of a node in an R++ tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_DESCENT_HEURISTIC_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_DESCENT_HEURISTIC_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_split_policy.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_split_policy.hpp index 0b7ae4e4524..d2c1bb1d1e8 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_split_policy.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_plus_tree_split_policy.hpp @@ -5,6 +5,11 @@ * Definition and implementation of the RPlusPlusTreeSplitPolicy class, a class * that helps to determine the subtree into which we should insert an * intermediate node. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_SPLIT_POLICY_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_PLUS_TREE_SPLIT_POLICY_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_descent_heuristic.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_descent_heuristic.hpp index f27feca46f2..44cafddec32 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_descent_heuristic.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_descent_heuristic.hpp @@ -4,6 +4,11 @@ * * Definition of RPlusTreeDescentHeuristic, a class that chooses the best child * of a node in an R+ tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_DESCENT_HEURISTIC_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_DESCENT_HEURISTIC_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_descent_heuristic_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_descent_heuristic_impl.hpp index b951bed05cf..6a61e919a0e 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_descent_heuristic_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_descent_heuristic_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of HilbertRTreeDescentHeuristic, a class that chooses the best child * of a node in an R tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_DESCENT_HEURISTIC_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_DESCENT_HEURISTIC_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split.hpp index f32803e9237..701f522fd27 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split.hpp @@ -4,6 +4,11 @@ * * Definition of the RPlusTreeSplit class, a class that splits the nodes of an * R+ (or R++) tree, starting at a leaf node and moving upwards if necessary. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_SPLIT_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_SPLIT_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split_impl.hpp index 64b404305bf..fc9171fda33 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split_impl.hpp @@ -3,6 +3,11 @@ * @author Mikhail Lozhnikov * * Implementation of class (RPlusTreeSplit) to split a RectangleTree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split_policy.hpp b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split_policy.hpp index 1f082e06b01..0a6047343e2 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split_policy.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_plus_tree_split_policy.hpp @@ -5,6 +5,11 @@ * Definition and implementation of the RPlusTreeSplitPolicy class, a class that * helps to determine the subtree into which we should insert an intermediate * node. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_SPLIT_POLICY_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_PLUS_TREE_SPLIT_POLICY_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic.hpp b/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic.hpp index 175b5dadc8b..0dcb844486e 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic.hpp @@ -4,6 +4,11 @@ * * Definition of RStarTreeDescentHeuristic, a class that chooses the best child * of a node in an R tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic_impl.hpp index 16b454a3730..52bde997604 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of RStarTreeDescentHeuristic, a class that chooses the best child of a node in * an R tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_star_tree_split.hpp b/src/mlpack/core/tree/rectangle_tree/r_star_tree_split.hpp index d6726325825..16868bdbee2 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_star_tree_split.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_star_tree_split.hpp @@ -4,6 +4,11 @@ * * Definition of the RStarTreeSplit class, a class that splits the nodes of an R tree, starting * at a leaf node and moving upwards if necessary. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_star_tree_split_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_star_tree_split_impl.hpp index 862bec6f7bb..d5669a6a24d 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_star_tree_split_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_star_tree_split_impl.hpp @@ -3,6 +3,11 @@ * @author Andrew Wells * * Implementation of class (RStarTreeSplit) to split a RectangleTree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic.hpp b/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic.hpp index 9254a42f3f4..8fd635aae0f 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic.hpp @@ -4,6 +4,11 @@ * * Definition of RTreeDescentHeuristic, a class that chooses the best child of a * node in an R tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic_impl.hpp index 37d764f9d79..abb04566d63 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of RTreeDescentHeuristic, a class that chooses the best child * of a node in an R tree when inserting a new point. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp b/src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp index 53392e2a6a1..67aa28d2b5d 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp @@ -4,6 +4,11 @@ * * Definition of the RTreeSplit class, a class that splits the nodes of an R * tree, starting at a leaf node and moving upwards if necessary. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/r_tree_split_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_tree_split_impl.hpp index 31ebda44ac8..c64c455973d 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_tree_split_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_tree_split_impl.hpp @@ -3,6 +3,11 @@ * @author Andrew Wells * * Implementation of class (RTreeSplit) to split a RectangleTree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp b/src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp index 129000f6085..b73b8e1d482 100644 --- a/src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp +++ b/src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp @@ -4,6 +4,11 @@ * * Definition of generalized rectangle type trees (r_tree, r_star_tree, x_tree, * and hilbert_r_tree). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/rectangle_tree_impl.hpp b/src/mlpack/core/tree/rectangle_tree/rectangle_tree_impl.hpp index 83180916873..5b4295b5ad9 100644 --- a/src/mlpack/core/tree/rectangle_tree/rectangle_tree_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/rectangle_tree_impl.hpp @@ -3,6 +3,11 @@ * @author Andrew Wells * * Implementation of generalized rectangle tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/single_tree_traverser.hpp b/src/mlpack/core/tree/rectangle_tree/single_tree_traverser.hpp index 2b10e73f647..229d992f7f9 100644 --- a/src/mlpack/core/tree/rectangle_tree/single_tree_traverser.hpp +++ b/src/mlpack/core/tree/rectangle_tree/single_tree_traverser.hpp @@ -1,11 +1,16 @@ /** - * @file single_tree_traverser.hpp - * @author Andrew Wells - * - * A nested class of Rectangle Tree for traversing rectangle type trees - * with a given set of rules which indicate the branches to prune and the - * order in which to recurse. This is a depth-first traverser. - */ + * @file single_tree_traverser.hpp + * @author Andrew Wells + * + * A nested class of Rectangle Tree for traversing rectangle type trees + * with a given set of rules which indicate the branches to prune and the + * order in which to recurse. This is a depth-first traverser. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. + */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/single_tree_traverser_impl.hpp b/src/mlpack/core/tree/rectangle_tree/single_tree_traverser_impl.hpp index c47f52bf586..4aa10c3e110 100644 --- a/src/mlpack/core/tree/rectangle_tree/single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/single_tree_traverser_impl.hpp @@ -1,11 +1,16 @@ /** - * @file single_tree_traverser_impl.hpp - * @author Andrew Wells - * - * A class for traversing rectangle type trees with a given set of rules - * which indicate the branches to prune and the order in which to recurse. - * This is a depth-first traverser. - */ + * @file single_tree_traverser_impl.hpp + * @author Andrew Wells + * + * A class for traversing rectangle type trees with a given set of rules + * which indicate the branches to prune and the order in which to recurse. + * This is a depth-first traverser. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. + */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/traits.hpp b/src/mlpack/core/tree/rectangle_tree/traits.hpp index e592b5d65b7..c14d37bd3ce 100644 --- a/src/mlpack/core/tree/rectangle_tree/traits.hpp +++ b/src/mlpack/core/tree/rectangle_tree/traits.hpp @@ -3,6 +3,11 @@ * @author Andrew Wells * * Specialization of the TreeTraits class for the RectangleTree type of tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_TRAITS_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_TRAITS_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/typedef.hpp b/src/mlpack/core/tree/rectangle_tree/typedef.hpp index 1994afd65b4..20bbfdc7f78 100644 --- a/src/mlpack/core/tree/rectangle_tree/typedef.hpp +++ b/src/mlpack/core/tree/rectangle_tree/typedef.hpp @@ -4,6 +4,11 @@ * * Typedefs of RectangleTrees, for use by classes that require trees matching * the TreeType API. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_TYPEDEF_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_TYPEDEF_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/x_tree_auxiliary_information.hpp b/src/mlpack/core/tree/rectangle_tree/x_tree_auxiliary_information.hpp index 7a1f2f2efc3..bff090c4162 100644 --- a/src/mlpack/core/tree/rectangle_tree/x_tree_auxiliary_information.hpp +++ b/src/mlpack/core/tree/rectangle_tree/x_tree_auxiliary_information.hpp @@ -4,6 +4,11 @@ * * Definition of the XTreeAuxiliaryInformation class, a class that provides * some x-tree specific information about the nodes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_AUXILIARY_INFORMATION_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_AUXILIARY_INFORMATION_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp b/src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp index 16828a0da7b..080376ff970 100644 --- a/src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp +++ b/src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp @@ -6,6 +6,11 @@ * tree, starting at a leaf node and moving upwards if necessary. * * This is known to have a bug: see #368. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_HPP diff --git a/src/mlpack/core/tree/rectangle_tree/x_tree_split_impl.hpp b/src/mlpack/core/tree/rectangle_tree/x_tree_split_impl.hpp index 28e74cbb886..a8f6dc89634 100644 --- a/src/mlpack/core/tree/rectangle_tree/x_tree_split_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/x_tree_split_impl.hpp @@ -3,6 +3,11 @@ * @author Andrew Wells * * Implementation of class (XTreeSplit) to split a RectangleTree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/space_split/hyperplane.hpp b/src/mlpack/core/tree/space_split/hyperplane.hpp index 850e5e01eff..befa0fdf973 100644 --- a/src/mlpack/core/tree/space_split/hyperplane.hpp +++ b/src/mlpack/core/tree/space_split/hyperplane.hpp @@ -3,6 +3,11 @@ * @author Marcos Pividori * * Definition of Hyperplane and AxisOrthogonalHyperplane. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_HYPERPLANE_HPP #define MLPACK_CORE_TREE_SPILL_TREE_HYPERPLANE_HPP diff --git a/src/mlpack/core/tree/space_split/mean_space_split.hpp b/src/mlpack/core/tree/space_split/mean_space_split.hpp index d405d420d55..3d220d203eb 100644 --- a/src/mlpack/core/tree/space_split/mean_space_split.hpp +++ b/src/mlpack/core/tree/space_split/mean_space_split.hpp @@ -4,6 +4,11 @@ * * Definition of MeanSpaceSplit, to create a splitting hyperplane considering * the mean of the values in a certain projection. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_MEAN_SPACE_SPLIT_HPP #define MLPACK_CORE_TREE_SPILL_TREE_MEAN_SPACE_SPLIT_HPP diff --git a/src/mlpack/core/tree/space_split/mean_space_split_impl.hpp b/src/mlpack/core/tree/space_split/mean_space_split_impl.hpp index 0f5f23e913e..158ed5bb84c 100644 --- a/src/mlpack/core/tree/space_split/mean_space_split_impl.hpp +++ b/src/mlpack/core/tree/space_split/mean_space_split_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of MeanSpaceSplit, to create a splitting hyperplane * considering the midpoint/mean of the values in a certain projection. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_MEAN_SPACE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_SPILL_TREE_MEAN_SPACE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/space_split/midpoint_space_split.hpp b/src/mlpack/core/tree/space_split/midpoint_space_split.hpp index e239d66ab9c..a0eb0a6bf39 100644 --- a/src/mlpack/core/tree/space_split/midpoint_space_split.hpp +++ b/src/mlpack/core/tree/space_split/midpoint_space_split.hpp @@ -4,6 +4,11 @@ * * Definition of MidpointSpaceSplit, to create a splitting hyperplane * considering the midpoint of the values in a certain projection. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_MIDPOINT_SPACE_SPLIT_HPP #define MLPACK_CORE_TREE_SPILL_TREE_MIDPOINT_SPACE_SPLIT_HPP diff --git a/src/mlpack/core/tree/space_split/midpoint_space_split_impl.hpp b/src/mlpack/core/tree/space_split/midpoint_space_split_impl.hpp index 39c8f8e2ff2..80eca935ac6 100644 --- a/src/mlpack/core/tree/space_split/midpoint_space_split_impl.hpp +++ b/src/mlpack/core/tree/space_split/midpoint_space_split_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of MidpointSpaceSplit, to create a splitting hyperplane * considering the midpoint of the values in a certain projection. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_MIDPOINT_SPACE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_SPILL_TREE_MIDPOINT_SPACE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/space_split/projection_vector.hpp b/src/mlpack/core/tree/space_split/projection_vector.hpp index 39f2453459d..824b9df5cfb 100644 --- a/src/mlpack/core/tree/space_split/projection_vector.hpp +++ b/src/mlpack/core/tree/space_split/projection_vector.hpp @@ -3,6 +3,11 @@ * @author Marcos Pividori * * Definition of ProjVector and AxisParallelProjVector. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_PROJECTION_VECTOR_HPP #define MLPACK_CORE_TREE_SPILL_TREE_PROJECTION_VECTOR_HPP diff --git a/src/mlpack/core/tree/space_split/space_split.hpp b/src/mlpack/core/tree/space_split/space_split.hpp index c4c526dabce..2f1f47da91d 100644 --- a/src/mlpack/core/tree/space_split/space_split.hpp +++ b/src/mlpack/core/tree/space_split/space_split.hpp @@ -4,6 +4,11 @@ * * Definition of SpaceSplit, implementing some methods to create a projection * vector based on a given set of points. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_SPACE_SPLIT_HPP #define MLPACK_CORE_TREE_SPILL_TREE_SPACE_SPLIT_HPP diff --git a/src/mlpack/core/tree/space_split/space_split_impl.hpp b/src/mlpack/core/tree/space_split/space_split_impl.hpp index 94f82d8a27e..98f4ee0e41f 100644 --- a/src/mlpack/core/tree/space_split/space_split_impl.hpp +++ b/src/mlpack/core/tree/space_split/space_split_impl.hpp @@ -4,6 +4,11 @@ * * Implementation of SpaceSplit, to create a projection vector based on a given * set of points. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_SPACE_SPLIT_IMPL_HPP #define MLPACK_CORE_TREE_SPILL_TREE_SPACE_SPLIT_IMPL_HPP diff --git a/src/mlpack/core/tree/spill_tree.hpp b/src/mlpack/core/tree/spill_tree.hpp index a498be5b35d..592fb970dda 100644 --- a/src/mlpack/core/tree/spill_tree.hpp +++ b/src/mlpack/core/tree/spill_tree.hpp @@ -3,6 +3,11 @@ * @author Marcos Pividori * * Include all the necessary files to use the SpillTree class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_HPP #define MLPACK_CORE_TREE_SPILL_TREE_HPP diff --git a/src/mlpack/core/tree/spill_tree/is_spill_tree.hpp b/src/mlpack/core/tree/spill_tree/is_spill_tree.hpp index a9a4e35c4f0..4548ffc6e2d 100644 --- a/src/mlpack/core/tree/spill_tree/is_spill_tree.hpp +++ b/src/mlpack/core/tree/spill_tree/is_spill_tree.hpp @@ -2,6 +2,11 @@ * @file is_spill_tree.hpp * * Definition of IsSpillTree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_IS_SPILL_TREE_HPP #define MLPACK_CORE_TREE_SPILL_TREE_IS_SPILL_TREE_HPP diff --git a/src/mlpack/core/tree/spill_tree/spill_dual_tree_traverser.hpp b/src/mlpack/core/tree/spill_tree/spill_dual_tree_traverser.hpp index 0e3b7324829..87246fa3bcf 100644 --- a/src/mlpack/core/tree/spill_tree/spill_dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/spill_tree/spill_dual_tree_traverser.hpp @@ -9,6 +9,11 @@ * pruned and the order in which to recurse. * The Defeatist template parameter determines if the traversers must do * defeatist search on overlapping nodes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_SPILL_DUAL_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_SPILL_TREE_SPILL_DUAL_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/spill_tree/spill_dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/spill_tree/spill_dual_tree_traverser_impl.hpp index fafbdfa2aeb..1db72f51058 100644 --- a/src/mlpack/core/tree/spill_tree/spill_dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/spill_tree/spill_dual_tree_traverser_impl.hpp @@ -6,6 +6,11 @@ * Implementation of the SpillDualTreeTraverser for SpillTree. This is a way * to perform a dual-tree traversal of two trees. The trees must be the same * type. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_SPILL_DUAL_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_SPILL_TREE_SPILL_DUAL_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/spill_tree/spill_single_tree_traverser.hpp b/src/mlpack/core/tree/spill_tree/spill_single_tree_traverser.hpp index e2debe534ba..09704a27eeb 100644 --- a/src/mlpack/core/tree/spill_tree/spill_single_tree_traverser.hpp +++ b/src/mlpack/core/tree/spill_tree/spill_single_tree_traverser.hpp @@ -8,6 +8,11 @@ * order in which to recurse. This traverser is a depth-first traverser. * The Defeatist template parameter determines if the traversers must do * defeatist search on overlapping nodes. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_SPILL_SINGLE_TREE_TRAVERSER_HPP #define MLPACK_CORE_TREE_SPILL_TREE_SPILL_SINGLE_TREE_TRAVERSER_HPP diff --git a/src/mlpack/core/tree/spill_tree/spill_single_tree_traverser_impl.hpp b/src/mlpack/core/tree/spill_tree/spill_single_tree_traverser_impl.hpp index 568ed13857d..b8478bb40f7 100644 --- a/src/mlpack/core/tree/spill_tree/spill_single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/spill_tree/spill_single_tree_traverser_impl.hpp @@ -6,6 +6,11 @@ * A nested class of SpillTree which traverses the entire tree with a * given set of rules which indicate the branches which can be pruned and the * order in which to recurse. This traverser is a depth-first traverser. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_SPILL_SINGLE_TREE_TRAVERSER_IMPL_HPP #define MLPACK_CORE_TREE_SPILL_TREE_SPILL_SINGLE_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/spill_tree/spill_tree.hpp b/src/mlpack/core/tree/spill_tree/spill_tree.hpp index 305cf2355b9..084c8082b8c 100644 --- a/src/mlpack/core/tree/spill_tree/spill_tree.hpp +++ b/src/mlpack/core/tree/spill_tree/spill_tree.hpp @@ -2,6 +2,11 @@ * @file spill_tree.hpp * * Definition of generalized hybrid spill tree (SpillTree). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_SPILL_TREE_HPP #define MLPACK_CORE_TREE_SPILL_TREE_SPILL_TREE_HPP diff --git a/src/mlpack/core/tree/spill_tree/spill_tree_impl.hpp b/src/mlpack/core/tree/spill_tree/spill_tree_impl.hpp index 1017f278f58..eb0a6701d3c 100644 --- a/src/mlpack/core/tree/spill_tree/spill_tree_impl.hpp +++ b/src/mlpack/core/tree/spill_tree/spill_tree_impl.hpp @@ -2,6 +2,11 @@ * @file spill_tree_impl.hpp * * Implementation of generalized hybrid spill tree (SpillTree). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_SPILL_TREE_IMPL_HPP #define MLPACK_CORE_TREE_SPILL_TREE_SPILL_TREE_IMPL_HPP diff --git a/src/mlpack/core/tree/spill_tree/traits.hpp b/src/mlpack/core/tree/spill_tree/traits.hpp index f3bf2623ea9..5c3b1abda41 100644 --- a/src/mlpack/core/tree/spill_tree/traits.hpp +++ b/src/mlpack/core/tree/spill_tree/traits.hpp @@ -4,6 +4,11 @@ * @author Marcos Pividori * * Specialization of the TreeTraits class for the SpillTree type of tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_TRAITS_HPP #define MLPACK_CORE_TREE_SPILL_TREE_TRAITS_HPP diff --git a/src/mlpack/core/tree/spill_tree/typedef.hpp b/src/mlpack/core/tree/spill_tree/typedef.hpp index 6773442b4e9..1a8f01222cc 100644 --- a/src/mlpack/core/tree/spill_tree/typedef.hpp +++ b/src/mlpack/core/tree/spill_tree/typedef.hpp @@ -5,6 +5,11 @@ * * Template typedefs for the SpillTree class that satisfy the requirements * of the TreeType policy class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_SPILL_TREE_TYPEDEF_HPP #define MLPACK_CORE_TREE_SPILL_TREE_TYPEDEF_HPP diff --git a/src/mlpack/core/tree/statistic.hpp b/src/mlpack/core/tree/statistic.hpp index baf70645f3a..706f5123f31 100644 --- a/src/mlpack/core/tree/statistic.hpp +++ b/src/mlpack/core/tree/statistic.hpp @@ -4,6 +4,11 @@ * Definition of the policy type for the statistic class. * * You should define your own statistic that looks like EmptyStatistic. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_STATISTIC_HPP diff --git a/src/mlpack/core/tree/traversal_info.hpp b/src/mlpack/core/tree/traversal_info.hpp index 4ad01843f59..1307f1a8578 100644 --- a/src/mlpack/core/tree/traversal_info.hpp +++ b/src/mlpack/core/tree/traversal_info.hpp @@ -5,6 +5,11 @@ * This class will hold the traversal information for dual-tree traversals. A * dual-tree traversal should be updating the members of this class before * Score() is called. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_TRAVERSAL_INFO_HPP #define MLPACK_CORE_TREE_TRAVERSAL_INFO_HPP diff --git a/src/mlpack/core/tree/tree_traits.hpp b/src/mlpack/core/tree/tree_traits.hpp index b00a186914e..627a3f9c4f5 100644 --- a/src/mlpack/core/tree/tree_traits.hpp +++ b/src/mlpack/core/tree/tree_traits.hpp @@ -5,6 +5,11 @@ * This file implements the basic, unspecialized TreeTraits class, which * provides information about tree types. If you create a tree class, you * should specialize this class with the characteristics of your tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_TREE_TREE_TRAITS_HPP #define MLPACK_CORE_TREE_TREE_TRAITS_HPP diff --git a/src/mlpack/core/util/arma_config_check.hpp b/src/mlpack/core/util/arma_config_check.hpp index ce6f4b6d2e2..bd9d6bf7b9c 100644 --- a/src/mlpack/core/util/arma_config_check.hpp +++ b/src/mlpack/core/util/arma_config_check.hpp @@ -7,6 +7,11 @@ * without ARMA_64BIT_WORD enabled. This should help prevent a long, drawn-out * debugging process where nobody can figure out why the stack is getting * mangled. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_ARMA_CONFIG_CHECK_HPP #define MLPACK_CORE_UTIL_ARMA_CONFIG_CHECK_HPP diff --git a/src/mlpack/core/util/arma_traits.hpp b/src/mlpack/core/util/arma_traits.hpp index c311759dd33..85e73ca1175 100644 --- a/src/mlpack/core/util/arma_traits.hpp +++ b/src/mlpack/core/util/arma_traits.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Some traits used for template metaprogramming (SFINAE) with Armadillo types. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_ARMA_TRAITS_HPP #define MLPACK_CORE_UTIL_ARMA_TRAITS_HPP diff --git a/src/mlpack/core/util/backtrace.cpp b/src/mlpack/core/util/backtrace.cpp index e1cbc85944a..d1c764f7285 100644 --- a/src/mlpack/core/util/backtrace.cpp +++ b/src/mlpack/core/util/backtrace.cpp @@ -3,6 +3,11 @@ * @author Grzegorz Krajewski * * Implementation of the Backtrace class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include diff --git a/src/mlpack/core/util/backtrace.hpp b/src/mlpack/core/util/backtrace.hpp index bf45324446c..51acdfa1064 100644 --- a/src/mlpack/core/util/backtrace.hpp +++ b/src/mlpack/core/util/backtrace.hpp @@ -3,6 +3,11 @@ * @author Grzegorz Krajewski * * Definition of the Backtrace class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef __MLPACK_CORE_UTIL_BACKTRACE_HPP #define __MLPACK_CORE_UTIL_BACKTRACE_HPP diff --git a/src/mlpack/core/util/cli.cpp b/src/mlpack/core/util/cli.cpp index a90e93d293e..fe3e41857d7 100644 --- a/src/mlpack/core/util/cli.cpp +++ b/src/mlpack/core/util/cli.cpp @@ -3,6 +3,11 @@ * @author Matthew Amidon * * Implementation of the CLI module for parsing parameters. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/core/util/cli.hpp b/src/mlpack/core/util/cli.hpp index f53ef0e75b9..e55a9edb45c 100644 --- a/src/mlpack/core/util/cli.hpp +++ b/src/mlpack/core/util/cli.hpp @@ -5,6 +5,11 @@ * This file implements the CLI subsystem which is intended to replace FX. * This can be used more or less regardless of context. In the future, * it might be expanded to include file I/O. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_CLI_HPP #define MLPACK_CORE_UTIL_CLI_HPP diff --git a/src/mlpack/core/util/cli_deleter.cpp b/src/mlpack/core/util/cli_deleter.cpp index dbb95e66326..a7eda7dbde5 100644 --- a/src/mlpack/core/util/cli_deleter.cpp +++ b/src/mlpack/core/util/cli_deleter.cpp @@ -7,6 +7,11 @@ * 'CLI::Destroy()' at the end of their program. The file also defines a static * CLIDeleter class, which will be initialized at the beginning of the program * and deleted at the end. The destructor destroys the CLI singleton. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "cli_deleter.hpp" #include "cli.hpp" diff --git a/src/mlpack/core/util/cli_deleter.hpp b/src/mlpack/core/util/cli_deleter.hpp index f1c0193bde0..9d8504c5038 100644 --- a/src/mlpack/core/util/cli_deleter.hpp +++ b/src/mlpack/core/util/cli_deleter.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Definition of the CLIDeleter() class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_CLI_DELETER_HPP #define MLPACK_CORE_UTIL_CLI_DELETER_HPP diff --git a/src/mlpack/core/util/cli_impl.hpp b/src/mlpack/core/util/cli_impl.hpp index c4d6cf27bbc..d235d1cc784 100644 --- a/src/mlpack/core/util/cli_impl.hpp +++ b/src/mlpack/core/util/cli_impl.hpp @@ -3,6 +3,11 @@ * @author Matthew Amidon * * Implementation of templated functions of the CLI class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_CLI_IMPL_HPP #define MLPACK_CORE_UTIL_CLI_IMPL_HPP diff --git a/src/mlpack/core/util/deprecated.hpp b/src/mlpack/core/util/deprecated.hpp index f98d5160c2a..b48ae507fa2 100644 --- a/src/mlpack/core/util/deprecated.hpp +++ b/src/mlpack/core/util/deprecated.hpp @@ -3,6 +3,11 @@ * @author Marcos Pividori. * * Definition of the mlpack_deprecated macro. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_DEPRECATED_HPP #define MLPACK_CORE_UTIL_DEPRECATED_HPP diff --git a/src/mlpack/core/util/log.cpp b/src/mlpack/core/util/log.cpp index 6189f17bf4b..ca7b662d79b 100644 --- a/src/mlpack/core/util/log.cpp +++ b/src/mlpack/core/util/log.cpp @@ -3,6 +3,11 @@ * @author Matthew Amidon * * Implementation of the Log class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "log.hpp" diff --git a/src/mlpack/core/util/log.hpp b/src/mlpack/core/util/log.hpp index 460247998a4..87cdd553720 100644 --- a/src/mlpack/core/util/log.hpp +++ b/src/mlpack/core/util/log.hpp @@ -3,6 +3,11 @@ * @author Matthew Amidon * * Definition of the Log class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_LOG_HPP #define MLPACK_CORE_UTIL_LOG_HPP diff --git a/src/mlpack/core/util/nulloutstream.hpp b/src/mlpack/core/util/nulloutstream.hpp index de4c95b4ad9..2e2da94ffc6 100644 --- a/src/mlpack/core/util/nulloutstream.hpp +++ b/src/mlpack/core/util/nulloutstream.hpp @@ -4,6 +4,11 @@ * @author Matthew Amidon * * Definition of the NullOutStream class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_NULLOUTSTREAM_HPP #define MLPACK_CORE_UTIL_NULLOUTSTREAM_HPP diff --git a/src/mlpack/core/util/option.cpp b/src/mlpack/core/util/option.cpp index d516f9ad110..810f3c14ccd 100644 --- a/src/mlpack/core/util/option.cpp +++ b/src/mlpack/core/util/option.cpp @@ -4,6 +4,11 @@ * * Implementation of the ProgramDoc class. The class registers itself with CLI * when constructed. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "cli.hpp" #include "option.hpp" diff --git a/src/mlpack/core/util/option.hpp b/src/mlpack/core/util/option.hpp index 9f04cfdb860..27675871751 100644 --- a/src/mlpack/core/util/option.hpp +++ b/src/mlpack/core/util/option.hpp @@ -4,6 +4,11 @@ * * Definition of the Option class, which is used to define parameters which are * used by CLI. The ProgramDoc class also resides here. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_OPTION_HPP #define MLPACK_CORE_UTIL_OPTION_HPP diff --git a/src/mlpack/core/util/option_impl.hpp b/src/mlpack/core/util/option_impl.hpp index 56a812853bc..b9d5e8e9e00 100644 --- a/src/mlpack/core/util/option_impl.hpp +++ b/src/mlpack/core/util/option_impl.hpp @@ -3,6 +3,11 @@ * @author Matthew Amidon * * Implementation of template functions for the Option class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_OPTION_IMPL_HPP #define MLPACK_CORE_UTIL_OPTION_IMPL_HPP diff --git a/src/mlpack/core/util/param.hpp b/src/mlpack/core/util/param.hpp index 88c83c19691..f13a52a196f 100644 --- a/src/mlpack/core/util/param.hpp +++ b/src/mlpack/core/util/param.hpp @@ -6,6 +6,11 @@ * Definition of PARAM_*_IN() and PARAM_*_OUT() macros, as well as the * PROGRAM_INFO() macro, which are used to define input and output parameters of * command-line programs and bindings to other languages. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_PARAM_HPP #define MLPACK_CORE_UTIL_PARAM_HPP diff --git a/src/mlpack/core/util/prefixedoutstream.cpp b/src/mlpack/core/util/prefixedoutstream.cpp index e1192963b4c..210b8b37c94 100644 --- a/src/mlpack/core/util/prefixedoutstream.cpp +++ b/src/mlpack/core/util/prefixedoutstream.cpp @@ -4,6 +4,11 @@ * @author Matthew Amidon * * Implementation of PrefixedOutStream methods. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include #include diff --git a/src/mlpack/core/util/prefixedoutstream.hpp b/src/mlpack/core/util/prefixedoutstream.hpp index e2370caa579..4b04297ebee 100644 --- a/src/mlpack/core/util/prefixedoutstream.hpp +++ b/src/mlpack/core/util/prefixedoutstream.hpp @@ -4,6 +4,11 @@ * @author Matthew Amidon * * Declaration of the PrefixedOutStream class. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_HPP #define MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_HPP diff --git a/src/mlpack/core/util/prefixedoutstream_impl.hpp b/src/mlpack/core/util/prefixedoutstream_impl.hpp index 7f21ff5908b..24eeccc04db 100644 --- a/src/mlpack/core/util/prefixedoutstream_impl.hpp +++ b/src/mlpack/core/util/prefixedoutstream_impl.hpp @@ -4,6 +4,11 @@ * @author Matthew Amidon * * Implementation of templated PrefixedOutStream member functions. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_IMPL_HPP #define MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_IMPL_HPP diff --git a/src/mlpack/core/util/sfinae_utility.hpp b/src/mlpack/core/util/sfinae_utility.hpp index d3035b86e92..0739696c16b 100644 --- a/src/mlpack/core/util/sfinae_utility.hpp +++ b/src/mlpack/core/util/sfinae_utility.hpp @@ -6,6 +6,11 @@ * determine if classes passed in as template parameters contain members at * compile time, which is useful for changing functionality depending on what * operations an object is capable of performing. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_SFINAE_UTILITY #define MLPACK_CORE_SFINAE_UTILITY diff --git a/src/mlpack/core/util/singletons.cpp b/src/mlpack/core/util/singletons.cpp index e1401f9b174..d3ba713a542 100644 --- a/src/mlpack/core/util/singletons.cpp +++ b/src/mlpack/core/util/singletons.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Declaration of singletons in libmlpack.so. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "singletons.hpp" #include "log.hpp" diff --git a/src/mlpack/core/util/singletons.hpp b/src/mlpack/core/util/singletons.hpp index ec43cc82ff1..f48688ae887 100644 --- a/src/mlpack/core/util/singletons.hpp +++ b/src/mlpack/core/util/singletons.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * Definitions of singletons used by libmlpack.so. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_SINGLETONS_HPP #define MLPACK_CORE_UTIL_SINGLETONS_HPP diff --git a/src/mlpack/core/util/timers.cpp b/src/mlpack/core/util/timers.cpp index 4e6cd981f07..974b3eba405 100644 --- a/src/mlpack/core/util/timers.cpp +++ b/src/mlpack/core/util/timers.cpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Implementation of timers. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "timers.hpp" #include "cli.hpp" diff --git a/src/mlpack/core/util/timers.hpp b/src/mlpack/core/util/timers.hpp index 625f78e2959..71f5c195d23 100644 --- a/src/mlpack/core/util/timers.hpp +++ b/src/mlpack/core/util/timers.hpp @@ -4,6 +4,11 @@ * @author Marcus Edel * * Timers for MLPACK. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTILITIES_TIMERS_HPP #define MLPACK_CORE_UTILITIES_TIMERS_HPP diff --git a/src/mlpack/core/util/version.cpp b/src/mlpack/core/util/version.cpp index 32630ce9f2b..44475f94a6d 100644 --- a/src/mlpack/core/util/version.cpp +++ b/src/mlpack/core/util/version.cpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * The implementation of GetVersion(). + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #include "version.hpp" diff --git a/src/mlpack/core/util/version.hpp b/src/mlpack/core/util/version.hpp index ff5a404dc2a..a4343ab23c5 100644 --- a/src/mlpack/core/util/version.hpp +++ b/src/mlpack/core/util/version.hpp @@ -3,6 +3,11 @@ * @author Ryan Curtin * * The current version of mlpack, available as macros and as a string. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. */ #ifndef MLPACK_CORE_UTIL_VERSION_HPP #define MLPACK_CORE_UTIL_VERSION_HPP diff --git a/src/mlpack/tests/ub_tree_test.cpp b/src/mlpack/tests/ub_tree_test.cpp index 70c202b53c5..c6ea00f18a6 100644 --- a/src/mlpack/tests/ub_tree_test.cpp +++ b/src/mlpack/tests/ub_tree_test.cpp @@ -1,3 +1,14 @@ +/** + * @file ub_tree_test.cpp + * @author Mikhail Lozhnikov + * + * Tests for the UB tree. + * + * mlpack is free software; you may redistribute it and/or modify it under the + * terms of the 3-clause BSD license. You should have received a copy of the + * 3-clause BSD license along with mlpack. If not, see + * http://www.opensource.org/licenses/BSD-3-Clause for more information. + */ #include #include #include @@ -347,9 +358,4 @@ BOOST_AUTO_TEST_CASE(DualTreeTraverserTest) } } - * - * mlpack is free software; you may redistribute it and/or modify it under the - * terms of the 3-clause BSD license. You should have received a copy of the - * 3-clause BSD license along with mlpack. If not, see - * http://www.opensource.org/licenses/BSD-3-Clause for more information. BOOST_AUTO_TEST_SUITE_END(); From 651ea9bf768b5cb75eb8f1986786932649b3d5cc Mon Sep 17 00:00:00 2001 From: Ryan Curtin Date: Mon, 31 Oct 2016 23:39:30 +0900 Subject: [PATCH 08/35] Remove features that are not ready for release. --- src/mlpack/CMakeLists.txt | 1 - src/mlpack/bindings/CMakeLists.txt | 4 - src/mlpack/bindings/matlab/CMakeLists.txt | 154 --- .../bindings/matlab/allkfn/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/allkfn/allkfn.cpp | 194 ---- src/mlpack/bindings/matlab/allkfn/allkfn.m | 58 -- .../bindings/matlab/allknn/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/allknn/allknn.cpp | 279 ----- src/mlpack/bindings/matlab/allknn/allknn.m | 60 -- .../bindings/matlab/emst/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/emst/emst.cpp | 72 -- src/mlpack/bindings/matlab/emst/emst.m | 52 - src/mlpack/bindings/matlab/gmm/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/gmm/gmm.cpp | 129 --- src/mlpack/bindings/matlab/gmm/gmm.m | 28 - .../bindings/matlab/hmm/hmm_generate.cpp | 373 ------- src/mlpack/bindings/matlab/hmm/hmm_generate.m | 28 - .../bindings/matlab/kernel_pca/CMakeLists.txt | 19 - .../bindings/matlab/kernel_pca/kernel_pca.cpp | 136 --- .../bindings/matlab/kernel_pca/kernel_pca.m | 71 -- .../bindings/matlab/kmeans/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/kmeans/kmeans.cpp | 175 ---- src/mlpack/bindings/matlab/kmeans/kmeans.m | 28 - .../bindings/matlab/lars/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/lars/lars.cpp | 58 -- src/mlpack/bindings/matlab/lars/lars.m | 48 - src/mlpack/bindings/matlab/nca/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/nca/nca.cpp | 55 - src/mlpack/bindings/matlab/nca/nca.m | 24 - src/mlpack/bindings/matlab/nmf/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/nmf/nmf.cpp | 106 -- src/mlpack/bindings/matlab/nmf/nmf.m | 58 -- src/mlpack/bindings/matlab/pca/CMakeLists.txt | 19 - src/mlpack/bindings/matlab/pca/pca.cpp | 62 -- src/mlpack/bindings/matlab/pca/pca.m | 33 - .../matlab/range_search/CMakeLists.txt | 19 - .../matlab/range_search/range_search.cpp | 325 ------ .../matlab/range_search/range_search.m | 47 - src/mlpack/methods/CMakeLists.txt | 3 +- src/mlpack/methods/ann/CMakeLists.txt | 16 +- .../ann/activation_functions/CMakeLists.txt | 18 - .../identity_function.hpp | 96 -- .../logistic_function.hpp | 114 --- .../rectifier_function.hpp | 115 --- .../softsign_function.hpp | 134 --- .../activation_functions/tanh_function.hpp | 105 -- src/mlpack/methods/ann/cnn.hpp | 448 -------- src/mlpack/methods/ann/cnn_impl.hpp | 289 ------ .../ann/convolution_rules/CMakeLists.txt | 17 - .../ann/convolution_rules/border_modes.hpp | 33 - .../ann/convolution_rules/fft_convolution.hpp | 221 ---- .../convolution_rules/naive_convolution.hpp | 190 ---- .../ann/convolution_rules/svd_convolution.hpp | 199 ---- src/mlpack/methods/ann/ffn.hpp | 447 -------- src/mlpack/methods/ann/ffn_impl.hpp | 296 ------ .../methods/ann/init_rules/CMakeLists.txt | 18 - .../kathirvalavakumar_subavathi_init.hpp | 121 --- .../ann/init_rules/nguyen_widrow_init.hpp | 117 --- .../methods/ann/init_rules/oivs_init.hpp | 130 --- .../ann/init_rules/orthogonal_init.hpp | 82 -- .../methods/ann/init_rules/zero_init.hpp | 65 -- src/mlpack/methods/ann/layer/CMakeLists.txt | 30 - src/mlpack/methods/ann/layer/base_layer.hpp | 223 ---- src/mlpack/methods/ann/layer/bias_layer.hpp | 208 ---- .../ann/layer/binary_classification_layer.hpp | 106 -- .../methods/ann/layer/constant_layer.hpp | 121 --- src/mlpack/methods/ann/layer/conv_layer.hpp | 324 ------ .../methods/ann/layer/dropconnect_layer.hpp | 361 ------- .../methods/ann/layer/dropout_layer.hpp | 252 ----- src/mlpack/methods/ann/layer/empty_layer.hpp | 133 --- .../methods/ann/layer/glimpse_layer.hpp | 484 --------- .../methods/ann/layer/hard_tanh_layer.hpp | 259 ----- src/mlpack/methods/ann/layer/layer_traits.hpp | 91 -- .../methods/ann/layer/leaky_relu_layer.hpp | 240 ----- src/mlpack/methods/ann/layer/linear_layer.hpp | 289 ------ .../methods/ann/layer/log_softmax_layer.hpp | 131 --- src/mlpack/methods/ann/layer/lstm_layer.hpp | 418 -------- .../layer/multiclass_classification_layer.hpp | 98 -- .../ann/layer/multiply_constant_layer.hpp | 113 -- .../layer/negative_log_likelihood_layer.hpp | 127 --- .../methods/ann/layer/one_hot_layer.hpp | 96 -- .../methods/ann/layer/pooling_layer.hpp | 267 ----- .../methods/ann/layer/recurrent_layer.hpp | 192 ---- .../ann/layer/reinforce_normal_layer.hpp | 139 --- .../methods/ann/layer/softmax_layer.hpp | 114 --- .../methods/ann/layer/sparse_bias_layer.hpp | 177 ---- .../methods/ann/layer/sparse_input_layer.hpp | 180 ---- .../methods/ann/layer/sparse_output_layer.hpp | 227 ----- .../ann/layer/vr_class_reward_layer.hpp | 171 ---- src/mlpack/methods/ann/network_traits.hpp | 55 - src/mlpack/methods/ann/network_util.hpp | 247 ----- src/mlpack/methods/ann/network_util_impl.hpp | 286 ------ .../ann/performance_functions/CMakeLists.txt | 17 - .../performance_functions/cee_function.hpp | 74 -- .../performance_functions/mse_function.hpp | 61 -- .../performance_functions/sparse_function.hpp | 141 --- .../performance_functions/sse_function.hpp | 64 -- .../methods/ann/pooling_rules/CMakeLists.txt | 15 - .../methods/ann/pooling_rules/max_pooling.hpp | 56 - .../ann/pooling_rules/mean_pooling.hpp | 56 - src/mlpack/methods/ann/rnn.hpp | 799 --------------- src/mlpack/methods/ann/rnn_impl.hpp | 357 ------- src/mlpack/methods/mvu/CMakeLists.txt | 17 - src/mlpack/methods/mvu/mvu.cpp | 112 -- src/mlpack/methods/mvu/mvu.hpp | 48 - src/mlpack/methods/mvu/mvu_main.cpp | 80 -- src/mlpack/methods/rmva/CMakeLists.txt | 17 - src/mlpack/methods/rmva/rmva.hpp | 963 ------------------ src/mlpack/methods/rmva/rmva_impl.hpp | 740 -------------- src/mlpack/methods/rmva/rmva_main.cpp | 295 ------ src/mlpack/tests/CMakeLists.txt | 10 - .../tests/activation_functions_test.cpp | 328 ------ src/mlpack/tests/ada_delta_test.cpp | 110 -- src/mlpack/tests/adam_test.cpp | 109 -- src/mlpack/tests/convolution_test.cpp | 373 ------- .../tests/convolutional_network_test.cpp | 146 --- src/mlpack/tests/feedforward_network_test.cpp | 509 --------- src/mlpack/tests/init_rules_test.cpp | 126 --- src/mlpack/tests/layer_traits_test.cpp | 69 -- src/mlpack/tests/lstm_peephole_test.cpp | 92 -- src/mlpack/tests/network_util_test.cpp | 149 --- src/mlpack/tests/pooling_rules_test.cpp | 80 -- src/mlpack/tests/recurrent_network_test.cpp | 604 ----------- src/mlpack/tests/rmsprop_test.cpp | 162 --- 124 files changed, 2 insertions(+), 19077 deletions(-) delete mode 100644 src/mlpack/bindings/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/allkfn/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/allkfn/allkfn.cpp delete mode 100644 src/mlpack/bindings/matlab/allkfn/allkfn.m delete mode 100644 src/mlpack/bindings/matlab/allknn/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/allknn/allknn.cpp delete mode 100644 src/mlpack/bindings/matlab/allknn/allknn.m delete mode 100644 src/mlpack/bindings/matlab/emst/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/emst/emst.cpp delete mode 100644 src/mlpack/bindings/matlab/emst/emst.m delete mode 100644 src/mlpack/bindings/matlab/gmm/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/gmm/gmm.cpp delete mode 100644 src/mlpack/bindings/matlab/gmm/gmm.m delete mode 100644 src/mlpack/bindings/matlab/hmm/hmm_generate.cpp delete mode 100644 src/mlpack/bindings/matlab/hmm/hmm_generate.m delete mode 100644 src/mlpack/bindings/matlab/kernel_pca/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/kernel_pca/kernel_pca.cpp delete mode 100644 src/mlpack/bindings/matlab/kernel_pca/kernel_pca.m delete mode 100644 src/mlpack/bindings/matlab/kmeans/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/kmeans/kmeans.cpp delete mode 100644 src/mlpack/bindings/matlab/kmeans/kmeans.m delete mode 100644 src/mlpack/bindings/matlab/lars/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/lars/lars.cpp delete mode 100644 src/mlpack/bindings/matlab/lars/lars.m delete mode 100644 src/mlpack/bindings/matlab/nca/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/nca/nca.cpp delete mode 100644 src/mlpack/bindings/matlab/nca/nca.m delete mode 100644 src/mlpack/bindings/matlab/nmf/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/nmf/nmf.cpp delete mode 100644 src/mlpack/bindings/matlab/nmf/nmf.m delete mode 100644 src/mlpack/bindings/matlab/pca/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/pca/pca.cpp delete mode 100644 src/mlpack/bindings/matlab/pca/pca.m delete mode 100644 src/mlpack/bindings/matlab/range_search/CMakeLists.txt delete mode 100644 src/mlpack/bindings/matlab/range_search/range_search.cpp delete mode 100644 src/mlpack/bindings/matlab/range_search/range_search.m delete mode 100644 src/mlpack/methods/ann/activation_functions/CMakeLists.txt delete mode 100644 src/mlpack/methods/ann/activation_functions/identity_function.hpp delete mode 100644 src/mlpack/methods/ann/activation_functions/logistic_function.hpp delete mode 100644 src/mlpack/methods/ann/activation_functions/rectifier_function.hpp delete mode 100644 src/mlpack/methods/ann/activation_functions/softsign_function.hpp delete mode 100644 src/mlpack/methods/ann/activation_functions/tanh_function.hpp delete mode 100644 src/mlpack/methods/ann/cnn.hpp delete mode 100644 src/mlpack/methods/ann/cnn_impl.hpp delete mode 100644 src/mlpack/methods/ann/convolution_rules/CMakeLists.txt delete mode 100644 src/mlpack/methods/ann/convolution_rules/border_modes.hpp delete mode 100644 src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp delete mode 100644 src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp delete mode 100644 src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp delete mode 100644 src/mlpack/methods/ann/ffn.hpp delete mode 100644 src/mlpack/methods/ann/ffn_impl.hpp delete mode 100644 src/mlpack/methods/ann/init_rules/CMakeLists.txt delete mode 100644 src/mlpack/methods/ann/init_rules/kathirvalavakumar_subavathi_init.hpp delete mode 100644 src/mlpack/methods/ann/init_rules/nguyen_widrow_init.hpp delete mode 100644 src/mlpack/methods/ann/init_rules/oivs_init.hpp delete mode 100644 src/mlpack/methods/ann/init_rules/orthogonal_init.hpp delete mode 100644 src/mlpack/methods/ann/init_rules/zero_init.hpp delete mode 100644 src/mlpack/methods/ann/layer/CMakeLists.txt delete mode 100644 src/mlpack/methods/ann/layer/base_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/bias_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/binary_classification_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/constant_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/conv_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/dropconnect_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/dropout_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/empty_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/glimpse_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/hard_tanh_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/layer_traits.hpp delete mode 100644 src/mlpack/methods/ann/layer/leaky_relu_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/linear_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/log_softmax_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/lstm_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/multiply_constant_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/negative_log_likelihood_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/one_hot_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/pooling_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/recurrent_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/reinforce_normal_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/softmax_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/sparse_bias_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/sparse_input_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/sparse_output_layer.hpp delete mode 100644 src/mlpack/methods/ann/layer/vr_class_reward_layer.hpp delete mode 100644 src/mlpack/methods/ann/network_traits.hpp delete mode 100644 src/mlpack/methods/ann/network_util.hpp delete mode 100644 src/mlpack/methods/ann/network_util_impl.hpp delete mode 100644 src/mlpack/methods/ann/performance_functions/CMakeLists.txt delete mode 100644 src/mlpack/methods/ann/performance_functions/cee_function.hpp delete mode 100644 src/mlpack/methods/ann/performance_functions/mse_function.hpp delete mode 100644 src/mlpack/methods/ann/performance_functions/sparse_function.hpp delete mode 100644 src/mlpack/methods/ann/performance_functions/sse_function.hpp delete mode 100644 src/mlpack/methods/ann/pooling_rules/CMakeLists.txt delete mode 100644 src/mlpack/methods/ann/pooling_rules/max_pooling.hpp delete mode 100644 src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp delete mode 100644 src/mlpack/methods/ann/rnn.hpp delete mode 100644 src/mlpack/methods/ann/rnn_impl.hpp delete mode 100644 src/mlpack/methods/mvu/CMakeLists.txt delete mode 100644 src/mlpack/methods/mvu/mvu.cpp delete mode 100644 src/mlpack/methods/mvu/mvu.hpp delete mode 100644 src/mlpack/methods/mvu/mvu_main.cpp delete mode 100644 src/mlpack/methods/rmva/CMakeLists.txt delete mode 100644 src/mlpack/methods/rmva/rmva.hpp delete mode 100644 src/mlpack/methods/rmva/rmva_impl.hpp delete mode 100644 src/mlpack/methods/rmva/rmva_main.cpp delete mode 100644 src/mlpack/tests/activation_functions_test.cpp delete mode 100644 src/mlpack/tests/ada_delta_test.cpp delete mode 100644 src/mlpack/tests/adam_test.cpp delete mode 100644 src/mlpack/tests/convolution_test.cpp delete mode 100644 src/mlpack/tests/convolutional_network_test.cpp delete mode 100644 src/mlpack/tests/feedforward_network_test.cpp delete mode 100644 src/mlpack/tests/init_rules_test.cpp delete mode 100644 src/mlpack/tests/layer_traits_test.cpp delete mode 100644 src/mlpack/tests/lstm_peephole_test.cpp delete mode 100644 src/mlpack/tests/network_util_test.cpp delete mode 100644 src/mlpack/tests/pooling_rules_test.cpp delete mode 100644 src/mlpack/tests/recurrent_network_test.cpp delete mode 100644 src/mlpack/tests/rmsprop_test.cpp diff --git a/src/mlpack/CMakeLists.txt b/src/mlpack/CMakeLists.txt index c5caca19568..1232813ba57 100644 --- a/src/mlpack/CMakeLists.txt +++ b/src/mlpack/CMakeLists.txt @@ -6,7 +6,6 @@ set(MLPACK_SRCS ${MLPACK_SRCS} "${CMAKE_CURRENT_SOURCE_DIR}/core.hpp") ## Recurse into both core/ and methods/. set(DIRS - bindings core methods ) diff --git a/src/mlpack/bindings/CMakeLists.txt b/src/mlpack/bindings/CMakeLists.txt deleted file mode 100644 index 19aad5c2a75..00000000000 --- a/src/mlpack/bindings/CMakeLists.txt +++ /dev/null @@ -1,4 +0,0 @@ -# Recurse into individual binding subdirectories, if we are supposed to. -if(MATLAB_BINDINGS) - add_subdirectory(matlab) -endif() diff --git a/src/mlpack/bindings/matlab/CMakeLists.txt b/src/mlpack/bindings/matlab/CMakeLists.txt deleted file mode 100644 index 24ddbdec38a..00000000000 --- a/src/mlpack/bindings/matlab/CMakeLists.txt +++ /dev/null @@ -1,154 +0,0 @@ -# Build rules for the MATLAB bindings for MLPACK. These may not work well on -# non-Linux systems. - -# We need the mex compiler for this to work. -find_package(MatlabMex REQUIRED) - -# If the mex compiler is wrapping an "unsupported" version, warn the user that -# they may have issues with the produced bindings for a multitude of reasons. -# We can only reasonably check this on a UNIX-like system. -if(UNIX) - # The file test.cpp does not exist, but mex will still print a warning if it's - # using a weird version. - execute_process(COMMAND "${MATLAB_MEX}" test.cpp - RESULT_VARIABLE MEX_RESULT_TRASH - OUTPUT_VARIABLE MEX_OUTPUT - ERROR_VARIABLE MEX_ERROR_TRASH) - - string(REGEX MATCH "Warning: You are using" MEX_WARNING "${MEX_OUTPUT}") - - if(MEX_WARNING) - # We have to find the old compiler version and the new compiler version; if - # the MATLAB version is newer, then we don't need to worry. If this step - # fails somehow, we will just issue the warning anyway (just in case). - string(REGEX REPLACE - ".*using [a-zA-Z]* version \"([0-9.]*)[^\"]*\".*" - "\\1" OTHER_COMPILER_VERSION "${MEX_OUTPUT}") - string(REGEX REPLACE - ".*currently supported with MEX is \"([0-9.]*)[^\"]*\".*" - "\\1" MEX_COMPILER_VERSION "${MEX_OUTPUT}") - - # If MEX_COMPILER_VERSION is greater than OTHER_COMPILER_VERSION, we don't - # need to issue a warning. - set(NEED_TO_WARN 1) - if(MEX_COMPILER_VERSION AND OTHER_COMPILER_VERSION) - # We seem to have read two valid version strings. So we can compare - # them, and maybe we don't need to issue the warning. - if(NOT ("${MEX_COMPILER_VERSION}" VERSION_LESS - "${OTHER_COMPILER_VERSION}")) - # The mex compiler is newer than our version. So no warning is - # needed. - set(NEED_TO_WARN 0) - endif(NOT ("${MEX_COMPILER_VERSION}" VERSION_LESS - "${OTHER_COMPILER_VERSION}")) - endif() - - if(NEED_TO_WARN EQUAL 1) - message(WARNING "The MATLAB runtime glibc is different than the system " - " glibc. This can (and probably will) cause the MLPACK bindings " - "generated by this build script to fail with odd GLIBCXX_a_b_c " - "version complaints when they are run. Assuming that the system " - "glibc is newer than the MATLAB-provided version, the MATLAB version " - "can probably be deleted (always save a copy in case this is wrong!)." - "\nFor more information on this confusing issue, see\n" - "http://dovgalecs.com/blog/matlab-glibcxx_3-4-11-not-found/\nand for " - "an overly-detailed dissertation/rant on why it is not possible to " - "work around this issue in any way, see\n" - "http://www.mlpack.org/trac/ticket/253 for more information.") - endif() - endif() -endif() - -# Ignore the fact that we are setting CMAKE_SHARED_LIBRARY_CXX_FLAGS on CMake -# 2.8.9 and newer. Because we are requiring at least CMake 2.8.5, we only have -# to check the patch version. -if(${CMAKE_PATCH_VERSION} GREATER 8) - cmake_policy(SET CMP0018 OLD) -endif() - -# Use the mex compiler to compile. -set(CMAKE_CXX_COMPILER "${MATLAB_MEX}") - -# Set flags for the mex compiler, because a lot of the default CMake flags -# aren't accepted by mex. The user who wants to customize these things should -# probably modify their mexopts.sh so that mex uses those flags by default. -# There is no easy way to tell mex to compile with profiling symbols, so that is -# not done even if PROFILE is set. -if(DEBUG) - set(CMAKE_CXX_FLAGS "-g") - set(CMAKE_C_FLAGS "-g") -else() - set(CMAKE_CXX_FLAGS "-O") - set(CMAKE_C_FLAGS "-O") -endif() - -# Don't give -fPIC; mex will do that for us. -set(CMAKE_SHARED_LIBRARY_C_FLAGS "") -set(CMAKE_SHARED_LIBRARY_CXX_FLAGS "") - -# Don't make 'lib.mexglx'. -set(CMAKE_SHARED_LIBRARY_PREFIX "") -set(CMAKE_SHARED_MODULE_PREFIX "") - -# Set custom commands for mex compilation, because the flags are (in general) -# odd and different. -set(CMAKE_CXX_COMPILE_OBJECT " -outdir -c ") -set(CMAKE_CXX_CREATE_SHARED_MODULE " -cxx -output ") -set(CMAKE_CXX_CREATE_SHARED_LIBRARY "${CMAKE_CXX_CREATE_SHARED_MODULE}") - -# mex is weird because it doesn't respect the -o option, but in general it -# appears to turn .cpp into .o, so CMake needs to know to -# replace the extension. -set(CMAKE_CXX_OUTPUT_EXTENSION_REPLACE 1) - -if(${CMAKE_SYSTEM_PROCESSOR} STREQUAL "x86_64") - set(CMAKE_SHARED_LIBRARY_SUFFIX ".mexa64") - set(CMAKE_SHARED_MODULE_SUFFIX ".mexa64") -elseif(${CMAKE_SYSTEM_PROCESSOR} STREQUAL "x86" OR ${CMAKE_SYSTEM_PROCESSOR} - STREQUAL "i686") - set(CMAKE_SHARED_LIBRARY_SUFFIX ".mexglx") - set(CMAKE_SHARED_MODULE_SUFFIX ".mexglx") -endif() - -# Place MATLAB bindings in matlab/. -set(CMAKE_LIBRARY_OUTPUT_DIRECTORY ${CMAKE_BINARY_DIR}/matlab/) - -include_directories(${CMAKE_SOURCE_DIR}/src/) # So we can include . - -# Set MATLAB toolbox install directory. -set(MATLAB_TOOLBOX_DIR "${MATLAB_ROOT}/toolbox") - -# CHANGE HERE FOR NEW BINDINGS!!!! -add_subdirectory(allkfn) -add_subdirectory(allknn) -add_subdirectory(emst) -add_subdirectory(kmeans) -add_subdirectory(range_search) -add_subdirectory(gmm) -add_subdirectory(pca) -add_subdirectory(kernel_pca) -add_subdirectory(lars) -add_subdirectory(nca) -add_subdirectory(nmf) - -# Create a target whose sole purpose is to modify the pathdef.m MATLAB file so -# that the MLPACK toolbox is added to the MATLAB default path. -add_custom_target(matlab ALL - # Modify pathdef.m. - COMMAND ${CMAKE_COMMAND} -D MATLAB_ROOT="${MATLAB_ROOT}" -D - PATHDEF_OUTPUT_FILE="${CMAKE_BINARY_DIR}/matlab/pathdef.m" -P - ${CMAKE_SOURCE_DIR}/CMake/ModifyMatlabPathdef.cmake - # Due to the dependencies, 'make matlab' makes all the bindings. - DEPENDS - allknn_mex - allkfn_mex - emst_mex - gmm_mex - kmeans_mex - range_search_mex -) - -install(FILES "${CMAKE_BINARY_DIR}/matlab/pathdef.m" - DESTINATION "${MATLAB_ROOT}/toolbox/local/" -) - diff --git a/src/mlpack/bindings/matlab/allkfn/CMakeLists.txt b/src/mlpack/bindings/matlab/allkfn/CMakeLists.txt deleted file mode 100644 index 42152b549f1..00000000000 --- a/src/mlpack/bindings/matlab/allkfn/CMakeLists.txt +++ /dev/null @@ -1,19 +0,0 @@ -# Simple rules for building mex file. The _mex suffix is necessary to avoid -# target name conflicts, and the mex file must have a different name than the .m -# file. -add_library(allkfn_mex SHARED - allkfn.cpp -) -target_link_libraries(allkfn_mex - mlpack - ${LIBXML2_LIBRARIES} -) - -# Installation rule. Install both the mex and the MATLAB file. -install(TARGETS allkfn_mex - LIBRARY DESTINATION "${MATLAB_TOOLBOX_DIR}/mlpack/" -) -install(FILES - allkfn.m - DESTINATION "${MATLAB_TOOLBOX_DIR}/mlpack/" -) diff --git a/src/mlpack/bindings/matlab/allkfn/allkfn.cpp b/src/mlpack/bindings/matlab/allkfn/allkfn.cpp deleted file mode 100644 index 1924d9122b2..00000000000 --- a/src/mlpack/bindings/matlab/allkfn/allkfn.cpp +++ /dev/null @@ -1,194 +0,0 @@ -/** - * @file allkfn.cpp - * @author Patrick Mason - * - * MEX function for MATLAB All-kFN binding. - */ -#include "mex.h" - -#include -#include - -using namespace std; -using namespace mlpack; -using namespace mlpack::neighbor; -using namespace mlpack::tree; - -void mexFunction(int nlhs, mxArray *plhs[], - int nrhs, const mxArray *prhs[]) -{ - // Check the inputs. - if (nrhs != 6) - { - mexErrMsgTxt("Expecting seven arguments."); - } - - if (nlhs != 2) - { - mexErrMsgTxt("Two outputs required."); - } - - size_t numPoints = mxGetN(prhs[0]); - size_t numDimensions = mxGetM(prhs[0]); - - // Create the reference matrix. - arma::mat referenceData(numDimensions, numPoints); - // setting the values. - double * mexDataPoints = mxGetPr(prhs[0]); - for (int i = 0, n = numPoints * numDimensions; i < n; ++i) - { - referenceData(i) = mexDataPoints[i]; - } - - // getting the leafsize - int lsInt = (int) mxGetScalar(prhs[3]); - - // getting k - size_t k = (int) mxGetScalar(prhs[1]); - - // naive algorithm? - bool naive = (mxGetScalar(prhs[4]) == 1.0); - - // single mode? - bool singleMode = (mxGetScalar(prhs[5]) == 1.0); - - // the query matrix - double * mexQueryPoints = mxGetPr(prhs[2]); - arma::mat queryData; - bool hasQueryData = ((mxGetM(prhs[2]) != 0) && (mxGetN(prhs[2]) != 0)); - - // Sanity check on k value: must be greater than 0, must be less than the - // number of reference points. - if (k > referenceData.n_cols) - { - stringstream os; - os << "Invalid k: " << k << "; must be greater than 0 and less "; - os << "than or equal to the number of reference points ("; - os << referenceData.n_cols << ")." << endl; - mexErrMsgTxt(os.str().c_str()); - } - - // Sanity check on leaf size. - if (lsInt < 0) - { - stringstream os; - os << "Invalid leaf size: " << lsInt << ". Must be greater "; - os << "than or equal to 0." << endl; - mexErrMsgTxt(os.str().c_str()); - } - size_t leafSize = lsInt; - - // Naive mode overrides single mode. - if (singleMode && naive) - { - mexWarnMsgTxt("single_mode ignored because naive is present."); - } - - if (naive) - leafSize = referenceData.n_cols; - - arma::Mat neighbors; - arma::mat distances; - - AllkFN* allkfn = NULL; - - std::vector oldFromNewRefs; - - // Build trees by hand, so we can save memory: if we pass a tree to - // NeighborSearch, it does not copy the matrix. - BinarySpaceTree, QueryStat > - refTree(referenceData, oldFromNewRefs, leafSize); - BinarySpaceTree, QueryStat >* - queryTree = NULL; // Empty for now. - - std::vector oldFromNewQueries; - - if (hasQueryData) - { - // setting the values. - mexDataPoints = mxGetPr(prhs[2]); - numPoints = mxGetN(prhs[2]); - numDimensions = mxGetM(prhs[2]); - queryData = arma::mat(numDimensions, numPoints); - for (int i = 0, n = numPoints * numDimensions; i < n; ++i) - { - queryData(i) = mexDataPoints[i]; - } - - if (naive && leafSize < queryData.n_cols) - leafSize = queryData.n_cols; - - // Build trees by hand, so we can save memory: if we pass a tree to - // NeighborSearch, it does not copy the matrix. - queryTree = new BinarySpaceTree, - QueryStat >(queryData, oldFromNewQueries, - leafSize); - - allkfn = new AllkFN(&refTree, queryTree, referenceData, queryData, - singleMode); - } - else - { - allkfn = new AllkFN(&refTree, referenceData, singleMode); - } - - allkfn->Search(k, neighbors, distances); - - // We have to map back to the original indices from before the tree - // construction. - arma::mat distancesOut(distances.n_rows, distances.n_cols); - arma::Mat neighborsOut(neighbors.n_rows, neighbors.n_cols); - - // Do the actual remapping. - if (hasQueryData) - { - for (size_t i = 0; i < distances.n_cols; ++i) - { - // Map distances (copy a column). - distancesOut.col(oldFromNewQueries[i]) = distances.col(i); - - // Map indices of neighbors. - for (size_t j = 0; j < distances.n_rows; ++j) - { - neighborsOut(j, oldFromNewQueries[i]) = oldFromNewRefs[neighbors(j, i)]; - } - } - } - else - { - for (size_t i = 0; i < distances.n_cols; ++i) - { - // Map distances (copy a column). - distancesOut.col(oldFromNewRefs[i]) = distances.col(i); - - // Map indices of neighbors. - for (size_t j = 0; j < distances.n_rows; ++j) - { - neighborsOut(j, oldFromNewRefs[i]) = oldFromNewRefs[neighbors(j, i)]; - } - } - } - - // Clean up. - if (queryTree) - delete queryTree; - - // constructing matrix to return to matlab - plhs[0] = mxCreateDoubleMatrix(distances.n_rows, distances.n_cols, mxREAL); - plhs[1] = mxCreateDoubleMatrix(neighbors.n_rows, neighbors.n_cols, mxREAL); - - // setting the values - double * out = mxGetPr(plhs[0]); - for (int i = 0, n = distances.n_rows * distances.n_cols; i < n; ++i) - { - out[i] = distances(i); - } - out = mxGetPr(plhs[1]); - for (int i = 0, n = neighbors.n_rows * neighbors.n_cols; i < n; ++i) - { - out[i] = neighbors(i); - } - - // More clean up. - delete allkfn; -} diff --git a/src/mlpack/bindings/matlab/allkfn/allkfn.m b/src/mlpack/bindings/matlab/allkfn/allkfn.m deleted file mode 100644 index b1cd5ba5ac6..00000000000 --- a/src/mlpack/bindings/matlab/allkfn/allkfn.m +++ /dev/null @@ -1,58 +0,0 @@ -function [distances, neighbors] = allkfn(dataPoints, k, varargin) -% [distances, neighbors] = allkfn(dataPoints, k, varargin) -% -% Calculate the all k-furthest-neighbors of a set of points. You may specify a -% separate set of reference points and query points, or just a reference set -% which will be used as both the reference and query set. -% -% The output matrices are organized such that row i and column j in the -% neighbors matrix corresponds to the index of the point in the reference set -% which is the i'th furthest neighbor from the point in the query set with index -% j. Row i and column j in the distances output matrix corresponds to the -% distance between those two points. -% -% Parameters: -% -% dataPoints - The reference set of data points. Columns are assumed to -% represent dimensions, with rows representing separate points. -% k - The number of furthest neighbors to find. -% -% Optional parameters (i.e. allkfn(..., 'parameter', value, ...)): -% -% 'queryPoints' - An optional set of query points, if the reference and query -% sets are different. Columns are assumed to represent -% dimensions, with rows representing separate points. -% 'leafSize' - Leaf size in the kd-tree. Defaults to 20. -% 'method' - Algorithm to use. 'naive' uses naive O(n^2) computation; -% 'single' uses single-tree traversal; 'dual' uses the standard -% dual-tree traversal. Defaults to 'dual'. -% -% Examples: -% -% [distances, neighbors] = allkfn(dataPoints, 5); -% [distances, neighbors] = allkfn(dataPoints, 5, 'method', 'single'); -% [distances, neighbors] = allkfn(dataPoints, 5, 'queryPoints', queryPoints); - -% A parser for the inputs. -p = inputParser; -p.addParamValue('queryPoints', zeros(0), @ismatrix); -p.addParamValue('leafSize', 20, @isscalar); -p.addParamValue('naive', false, @(x) (x == true) || (x == false)); -p.addParamValue('singleMode', false, @(x) (x == true) || (x == false)); - -% parsing the varargin options -varargin{:} -p.parse(varargin{:}); -parsed = p.Results; -parsed - -% interfacing with mlpack -[distances neighbors] = mex_allkfn(dataPoints', k, parsed.queryPoints', ... - parsed.leafSize, parsed.naive, parsed.singleMode); - -% transposing results -distances = distances'; -neighbors = neighbors' + 1; % matlab indices began at 1, not zero - -return; - diff --git a/src/mlpack/bindings/matlab/allknn/CMakeLists.txt b/src/mlpack/bindings/matlab/allknn/CMakeLists.txt deleted file mode 100644 index f7df5b88b43..00000000000 --- a/src/mlpack/bindings/matlab/allknn/CMakeLists.txt +++ /dev/null @@ -1,19 +0,0 @@ -# Simple rules for building mex file. The _mex suffix is necessary to avoid -# target name conflicts, and the mex file must have a different name than the .m -# file. -add_library(allknn_mex SHARED - allknn.cpp -) -target_link_libraries(allknn_mex - mlpack - ${LIBXML2_LIBRARIES} -) - -# Installation rule. Install both the mex and the MATLAB file. -install(TARGETS allknn_mex - LIBRARY DESTINATION "${MATLAB_TOOLBOX_DIR}/mlpack/" -) -install(FILES - allknn.m - DESTINATION "${MATLAB_TOOLBOX_DIR}/mlpack/" -) diff --git a/src/mlpack/bindings/matlab/allknn/allknn.cpp b/src/mlpack/bindings/matlab/allknn/allknn.cpp deleted file mode 100644 index a13b1140713..00000000000 --- a/src/mlpack/bindings/matlab/allknn/allknn.cpp +++ /dev/null @@ -1,279 +0,0 @@ -/** - * @file allknn.cpp - * @author Patrick Mason - * - * MEX function for MATLAB All-kNN binding. - */ -#include "mex.h" - -#include -#include -#include - -using namespace std; -using namespace mlpack; -using namespace mlpack::neighbor; -using namespace mlpack::tree; - -// the gateway, required by all mex functions -void mexFunction(int nlhs, mxArray *plhs[], - int nrhs, const mxArray *prhs[]) -{ - // checking inputs - if (nrhs != 7) - { - mexErrMsgTxt("Expecting seven arguments."); - } - - if (nlhs != 2) - { - mexErrMsgTxt("Two outputs required."); - } - - // getting the dimensions of the reference matrix - size_t numPoints = mxGetN(prhs[0]); - size_t numDimensions = mxGetM(prhs[0]); - - // feeding the referenceData matrix - arma::mat referenceData(numDimensions, numPoints); - // setting the values. - double * mexDataPoints = mxGetPr(prhs[0]); - for (int i = 0, n = numPoints * numDimensions; i < n; ++i) - { - referenceData(i) = mexDataPoints[i]; - } - - // getting the leafsize - int lsInt = (int) mxGetScalar(prhs[3]); - - // getting k - size_t k = (int) mxGetScalar(prhs[1]); - - // naive algorithm? - bool naive = (mxGetScalar(prhs[4]) == 1.0); - - // single mode? - bool singleMode = (mxGetScalar(prhs[5]) == 1.0); - - // the query matrix - double * mexQueryPoints = mxGetPr(prhs[2]); - arma::mat queryData; - bool hasQueryData = ((mxGetM(prhs[2]) != 0) && (mxGetN(prhs[2]) != 0)); - - // cover-tree? - bool usesCoverTree = (mxGetScalar(prhs[6]) == 1.0); - - // Sanity check on k value: must be greater than 0, must be less than the - // number of reference points. - if (k > referenceData.n_cols) - { - stringstream os; - os << "Invalid k: " << k << "; must be greater than 0 and less "; - os << "than or equal to the number of reference points ("; - os << referenceData.n_cols << ")." << endl; - mexErrMsgTxt(os.str().c_str()); - } - - // Sanity check on leaf size. - if (lsInt < 0) - { - stringstream os; - os << "Invalid leaf size: " << lsInt << ". Must be greater " - "than or equal to 0." << endl; - mexErrMsgTxt(os.str().c_str()); - } - size_t leafSize = lsInt; - - // Naive mode overrides single mode. - if (singleMode && naive) - { - mexWarnMsgTxt("single_mode ignored because naive is present."); - } - - if (naive) - leafSize = referenceData.n_cols; - - arma::Mat neighbors; - arma::mat distances; - - //if (!CLI::HasParam("cover_tree")) - if (usesCoverTree) - { - // Because we may construct it differently, we need a pointer. - AllkNN* allknn = NULL; - - // Mappings for when we build the tree. - std::vector oldFromNewRefs; - - // Build trees by hand, so we can save memory: if we pass a tree to - // NeighborSearch, it does not copy the matrix. - - BinarySpaceTree, QueryStat > - refTree(referenceData, oldFromNewRefs, leafSize); - BinarySpaceTree, QueryStat >* - queryTree = NULL; // Empty for now. - - std::vector oldFromNewQueries; - - if (hasQueryData) - { - // setting the values. - mexDataPoints = mxGetPr(prhs[2]); - numPoints = mxGetN(prhs[2]); - numDimensions = mxGetM(prhs[2]); - queryData = arma::mat(numDimensions, numPoints); - for (int i = 0, n = numPoints * numDimensions; i < n; ++i) - { - queryData(i) = mexDataPoints[i]; - } - - if (naive && leafSize < queryData.n_cols) - leafSize = queryData.n_cols; - - // Build trees by hand, so we can save memory: if we pass a tree to - // NeighborSearch, it does not copy the matrix. - if (!singleMode) - { - queryTree = new BinarySpaceTree, - QueryStat >(queryData, oldFromNewQueries, - leafSize); - } - - allknn = new AllkNN(&refTree, queryTree, referenceData, queryData, - singleMode); - } - else - { - allknn = new AllkNN(&refTree, referenceData, singleMode); - } - - arma::mat distancesOut; - arma::Mat neighborsOut; - - allknn->Search(k, neighborsOut, distancesOut); - - // We have to map back to the original indices from before the tree - // construction. - neighbors.set_size(neighborsOut.n_rows, neighborsOut.n_cols); - distances.set_size(distancesOut.n_rows, distancesOut.n_cols); - - // Do the actual remapping. - if ((hasQueryData) && !singleMode) - { - for (size_t i = 0; i < distancesOut.n_cols; ++i) - { - // Map distances (copy a column) and square root. - distances.col(oldFromNewQueries[i]) = sqrt(distancesOut.col(i)); - - // Map indices of neighbors. - for (size_t j = 0; j < distancesOut.n_rows; ++j) - { - neighbors(j, oldFromNewQueries[i]) = - oldFromNewRefs[neighborsOut(j, i)]; - } - } - } - else if ((hasQueryData) && singleMode) - { - // No remapping of queries is necessary. So distances are the same. - distances = sqrt(distancesOut); - - // The neighbor indices must be mapped. - for (size_t j = 0; j < neighborsOut.n_elem; ++j) - { - neighbors[j] = oldFromNewRefs[neighborsOut[j]]; - } - } - else - { - for (size_t i = 0; i < distancesOut.n_cols; ++i) - { - // Map distances (copy a column). - distances.col(oldFromNewRefs[i]) = sqrt(distancesOut.col(i)); - - // Map indices of neighbors. - for (size_t j = 0; j < distancesOut.n_rows; ++j) - { - neighbors(j, oldFromNewRefs[i]) = oldFromNewRefs[neighborsOut(j, i)]; - } - } - } - - // Clean up. - if (queryTree) - delete queryTree; - - delete allknn; - } - else // Cover trees. - { - // Build our reference tree. - CoverTree, tree::FirstPointIsRoot, - QueryStat > referenceTree(referenceData, 1.3); - CoverTree, tree::FirstPointIsRoot, - QueryStat >* queryTree = NULL; - - NeighborSearch, - CoverTree, tree::FirstPointIsRoot, - QueryStat > >* allknn = NULL; - - // See if we have query data. - if (hasQueryData) - { - // setting the values. - mexDataPoints = mxGetPr(prhs[2]); - numPoints = mxGetN(prhs[2]); - numDimensions = mxGetM(prhs[2]); - queryData = arma::mat(numDimensions, numPoints); - for (int i = 0, n = numPoints * numDimensions; i < n; ++i) - { - queryData(i) = mexDataPoints[i]; - } - - // Build query tree. - if (!singleMode) - { - queryTree = new CoverTree, - tree::FirstPointIsRoot, QueryStat >(queryData, - 1.3); - } - - allknn = new NeighborSearch, - CoverTree, tree::FirstPointIsRoot, - QueryStat > >(&referenceTree, queryTree, - referenceData, queryData, singleMode); - } - else - { - allknn = new NeighborSearch, - CoverTree, tree::FirstPointIsRoot, - QueryStat > >(&referenceTree, referenceData, - singleMode); - } - - allknn->Search(k, neighbors, distances); - - delete allknn; - - if (queryTree) - delete queryTree; - } - - // writing back to matlab - // constructing matrix to return to matlab - plhs[0] = mxCreateDoubleMatrix(distances.n_rows, distances.n_cols, mxREAL); - plhs[1] = mxCreateDoubleMatrix(neighbors.n_rows, neighbors.n_cols, mxREAL); - - // setting the values - double * out = mxGetPr(plhs[0]); - for (int i = 0, n = distances.n_rows * distances.n_cols; i < n; ++i) - { - out[i] = distances(i); - } - out = mxGetPr(plhs[1]); - for (int i = 0, n = neighbors.n_rows * neighbors.n_cols; i < n; ++i) - { - out[i] = neighbors(i); - } - -} diff --git a/src/mlpack/bindings/matlab/allknn/allknn.m b/src/mlpack/bindings/matlab/allknn/allknn.m deleted file mode 100644 index e79660210d6..00000000000 --- a/src/mlpack/bindings/matlab/allknn/allknn.m +++ /dev/null @@ -1,60 +0,0 @@ -function [distances neighbors] = allknn(dataPoints, k, varargin) -%All K-Nearest-Neighbors -% -% This program will calculate the all k-nearest-neighbors of a set of points -% using kd-trees or cover trees (cover tree support is experimental and may not -% be optimally fast). You may specify a separate set of reference points and -% query points, or just a reference set which will be used as both the reference -% and query set. -% -% For example, the following will calculate the 5 nearest neighbors of eachpoint -% in 'input.csv' and store the distances in 'distances.csv' and the neighbors in -% the file 'neighbors.csv': - -% $ allknn --k=5 --reference_file=input.csv --distances_file=distances.csv -% --neighbors_file=neighbors.csv - -% The output files are organized such that row i and column j in the neighbors -% output file corresponds to the index of the point in the reference set which -% is the i'th nearest neighbor from the point in the query set with index j. -% Row i and column j in the distances output file corresponds to the distance -% between those two points. -% -% Parameters: -% dataPoints - the matrix of data points. Columns are assumed to represent dimensions, -% with rows representing seperate points. -% method - the algorithm for computing the tree. 'naive' or 'boruvka', with -% 'boruvka' being the default algorithm. -% leafSize - Leaf size in the kd-tree. One-element leaves give the -% empirically best performance, but at the cost of greater memory -% requirements. One is default. -% -% Examples: -% result = emst(dataPoints); -% or -% esult = emst(dataPoints,'method','naive'); - -% a parser for the inputs -p = inputParser; -p.addParamValue('queryPoints', zeros(0), @ismatrix); -p.addParamValue('leafSize', 20, @isscalar); -p.addParamValue('naive', false, @(x) (x == true) || (x == false)); -p.addParamValue('singleMode', false, @(x) (x == true) || (x == false)); -p.addParamValue('coverTree', false, @(x) (x == true) || (x == false)); - -% parsing the varargin options -varargin{:} -p.parse(varargin{:}); -parsed = p.Results; -parsed - -% interfacing with mlpack -[distances neighbors] = mex_allknn(dataPoints', k, parsed.queryPoints', ... - parsed.leafSize, parsed.naive, parsed.singleMode, parsed.coverTree); - -% transposing results -distances = distances'; -neighbors = neighbors' + 1; % matlab indices began at 1, not zero - -return; - diff --git a/src/mlpack/bindings/matlab/emst/CMakeLists.txt b/src/mlpack/bindings/matlab/emst/CMakeLists.txt deleted file mode 100644 index 3b79cdfaa4f..00000000000 --- a/src/mlpack/bindings/matlab/emst/CMakeLists.txt +++ /dev/null @@ -1,19 +0,0 @@ -# Simple rules for building mex file. The _mex suffix is necessary to avoid -# target name conflicts, and the mex file must have a different name than the .m -# file. -add_library(emst_mex SHARED - emst.cpp -) -target_link_libraries(emst_mex - mlpack - ${LIBXML2_LIBRARIES} -) - -# Installation rule. Install both the mex and the MATLAB file. -install(TARGETS emst_mex - LIBRARY DESTINATION "${MATLAB_TOOLBOX_DIR}/mlpack/" -) -install(FILES - emst.m - DESTINATION "${MATLAB_TOOLBOX_DIR}/mlpack/" -) diff --git a/src/mlpack/bindings/matlab/emst/emst.cpp b/src/mlpack/bindings/matlab/emst/emst.cpp deleted file mode 100644 index 24e6c8a02c5..00000000000 --- a/src/mlpack/bindings/matlab/emst/emst.cpp +++ /dev/null @@ -1,72 +0,0 @@ -/** - * @file emst.cpp - * @author Patrick Mason - * - * MEX function for MATLAB EMST binding. - */ -#include "mex.h" - -#include -#include - -#include - -using namespace mlpack; -using namespace mlpack::emst; -using namespace mlpack::tree; - -// The gateway, required by all mex functions. -void mexFunction(int nlhs, mxArray *plhs[], - int nrhs, const mxArray *prhs[]) -{ - // Argument checks. - if (nrhs != 3) - { - mexErrMsgTxt("Expecting an datapoints matrix, isBoruvka, and leafSize."); - } - - if (nlhs != 1) - { - mexErrMsgTxt("Output required."); - } - - const size_t numPoints = mxGetN(prhs[0]); - const size_t numDimensions = mxGetM(prhs[0]); - - // Converting from mxArray to armadillo matrix. - arma::mat dataPoints(numDimensions, numPoints); - - // Set the values. - double* mexDataPoints = mxGetPr(prhs[0]); - for (int i = 0, n = numPoints * numDimensions; i < n; ++i) - { - dataPoints(i) = mexDataPoints[i]; - } - - const bool isBoruvka = (mxGetScalar(prhs[1]) == 1.0); - - // Run the computation. - arma::mat result; - if (isBoruvka) - { - // Get the number of leaves. - const size_t leafSize = (size_t) mxGetScalar(prhs[2]); - - DualTreeBoruvka<> dtb(dataPoints, false, leafSize); - dtb.ComputeMST(result); - } - else - { - DualTreeBoruvka<> naive(dataPoints, true); - naive.ComputeMST(result); - } - - // Construct matrix to return to MATLAB. - plhs[0] = mxCreateDoubleMatrix(3, numPoints - 1, mxREAL); - - double* out = mxGetPr(plhs[0]); - for (int i = 0, n = (numPoints - 1) * 3; i < n; ++i) - { - out[i] = result(i); - } -} diff --git a/src/mlpack/bindings/matlab/emst/emst.m b/src/mlpack/bindings/matlab/emst/emst.m deleted file mode 100644 index ce84fa74163..00000000000 --- a/src/mlpack/bindings/matlab/emst/emst.m +++ /dev/null @@ -1,52 +0,0 @@ -function result = emst(dataPoints, varargin) -% result = emst(dataPoints, varargin) -% -% Compute the Euclidean minimum spanning tree of a set of input points using the -% dual-tree Boruvka algorithm. -% -% The output is saved in a three-column matrix, where each row indicates an -% edge. The first column corresponds to the lesser index of the edge; the -% second column corresponds to the greater index of the edge; and the third -% column corresponds to the distance between the two points. -% -% Required parameters: -% -% dataPoints - The matrix of data points. Columns are assumed to represent -% dimensions, with rows representing separate points. -% -% Optional parameters (i.e. emst(..., 'parameter', value, ...)): -% -% 'method' - The algorithm for computing the tree. 'naive' or 'boruvka', with -% 'boruvka' being the default dual-tree Boruvka algorithm. -% 'leafSize' - Leaf size in the kd-tree. One-element leaves give the -% empirically best performance, but at the cost of greater memory -% requirements. Defaults to 1. -% -% Examples: -% -% result = emst(dataPoints); -% result = emst(dataPoints, 'method', 'naive'); -% result = emst(dataPoints, 'method', 'naive', 'leafSize', 5); - -% A parser for the inputs. -p = inputParser; -p.addParamValue('method', 'boruvka', ... - @(x) strcmpi(x, 'naive') || strcmpi(x, 'boruvka')); -p.addParamValue('leafSize', 1, @isscalar); - -% Parse the varargin options. -p.parse(varargin{:}); -parsed = p.Results; - -% Interface with mlpack. Transpose to machine learning standards. MLPACK -% expects column-major matrices; the user has passed in a row-major matrix. -if strcmpi(parsed.method, 'boruvka') - result = emst_mex(dataPoints', 1, parsed.leafSize); - result = result'; - return; -else - result = emst_mex(dataPoints', 0, 1); - result = result'; - return; -end - diff --git a/src/mlpack/bindings/matlab/gmm/CMakeLists.txt b/src/mlpack/bindings/matlab/gmm/CMakeLists.txt deleted file mode 100644 index dacb527dff2..00000000000 --- a/src/mlpack/bindings/matlab/gmm/CMakeLists.txt +++ /dev/null @@ -1,19 +0,0 @@ -# Simple rules for building mex file. The _mex suffix is necessary to avoid -# target name conflicts, and the mex file must have a different name than the .m -# file. -add_library(gmm_mex SHARED - gmm.cpp -) -target_link_libraries(gmm_mex - mlpack - ${LIBXML2_LIBRARIES} -) - -# Installation rule. Install both the mex and the MATLAB file. -install(TARGETS gmm_mex - LIBRARY DESTINATION "${MATLAB_TOOLBOX_DIR}/mlpack/" -) -install(FILES - gmm.m - DESTINATION "${MATLAB_TOOLBOX_DIR}/mlpack/" -) diff --git a/src/mlpack/bindings/matlab/gmm/gmm.cpp b/src/mlpack/bindings/matlab/gmm/gmm.cpp deleted file mode 100644 index 63a366eca13..00000000000 --- a/src/mlpack/bindings/matlab/gmm/gmm.cpp +++ /dev/null @@ -1,129 +0,0 @@ -/** - * @file gmm.cpp - * @author Patrick Mason - * - * MEX function for MATLAB GMM binding. - */ -#include "mex.h" - -#include -#include - -using namespace mlpack; -using namespace mlpack::gmm; -using namespace mlpack::util; - -void mexFunction(int nlhs, mxArray *plhs[], - int nrhs, const mxArray *prhs[]) -{ - // argument checks - if (nrhs != 3) - { - mexErrMsgTxt("Expecting three inputs."); - } - - if (nlhs != 1) - { - mexErrMsgTxt("Output required."); - } - - size_t seed = (size_t) mxGetScalar(prhs[2]); - // Check parameters and load data. - if (seed != 0) - math::RandomSeed(seed); - else - math::RandomSeed((size_t) std::time(NULL)); - - // loading the data - double * mexDataPoints = mxGetPr(prhs[0]); - size_t numPoints = mxGetN(prhs[0]); - size_t numDimensions = mxGetM(prhs[0]); - arma::mat dataPoints(numDimensions, numPoints); - for (int i = 0, n = numPoints * numDimensions; i < n; ++i) - { - dataPoints(i) = mexDataPoints[i]; - } - - int gaussians = (int) mxGetScalar(prhs[1]); - if (gaussians <= 0) - { - std::stringstream ss; - ss << "Invalid number of Gaussians (" << gaussians << "); must " - "be greater than or equal to 1." << std::endl; - mexErrMsgTxt(ss.str().c_str()); - } - - // Calculate mixture of Gaussians. - GMM<> gmm(size_t(gaussians), dataPoints.n_rows); - - ////// Computing the parameters of the model using the EM algorithm ////// - gmm.Estimate(dataPoints); - - // setting up the matlab structure to be returned - mwSize ndim = 1; - mwSize dims[1] = { - 1 - }; - const char * fieldNames[3] = { - "dimensionality" - , "weights" - , "gaussians" - }; - - plhs[0] = mxCreateStructArray(ndim, dims, 3, fieldNames); - - // dimensionality - mxArray * field_value; - field_value = mxCreateDoubleMatrix(1, 1, mxREAL); - *mxGetPr(field_value) = numDimensions; - mxSetFieldByNumber(plhs[0], 0, 0, field_value); - - // mixture weights - field_value = mxCreateDoubleMatrix(gmm.Weights().size(), 1, mxREAL); - double * values = mxGetPr(field_value); - for (int i=0; i - -#include "hmm.hpp" -#include "hmm_util.hpp" -#include - -/* -PROGRAM_INFO("Hidden Markov Model (HMM) Sequence Generator", "This " - "utility takes an already-trained HMM (--model_file) and generates a " - "random observation sequence and hidden state sequence based on its " - "parameters, saving them to the specified files (--output_file and " - "--state_file)"); - -PARAM_STRING_REQ("model_file", "File containing HMM (XML).", "m"); -PARAM_INT_REQ("length", "Length of sequence to generate.", "l"); - -PARAM_INT("start_state", "Starting state of sequence.", "t", 0); -PARAM_STRING("output_file", "File to save observation sequence to.", "o", - "output.csv"); -PARAM_STRING("state_file", "File to save hidden state sequence to (may be left " - "unspecified.", "S", ""); -PARAM_INT("seed", "Random seed. If 0, 'std::time(NULL)' is used.", "s", 0); -*/ - - -using namespace mlpack; -using namespace mlpack::hmm; -using namespace mlpack::distribution; -using namespace mlpack::utilities; -using namespace mlpack::gmm; -using namespace mlpack::math; -using namespace arma; -using namespace std; - -namespace { - // gets the transition matrix from the struct - void getTransition(mat & transition, const mxArray * mxarray) - { - mxArray * mxTransitions = mxGetField(mxarray, 0, "transition"); - if (NULL == mxTransitions) - { - mexErrMsgTxt("Model struct did not have transition matrix 'transition'."); - } - if (mxDOUBLE_CLASS != mxGetClassID(mxTransitions)) - { - mexErrMsgTxt("Transition matrix 'transition' must have type mxDOUBLE_CLASS."); - } - const size_t m = mxGetM(mxTransitions); - const size_t n = mxGetN(mxTransitions); - transition.resize(m,n); - - double * values = mxGetPr(mxTransitions); - for (int i = 0; i < m*n; ++i) - transition(i) = values[i]; - } - - // writes the matlab transition matrix to the model - template - void writeTransition(HMM & hmm, const mxArray * mxarray) - { - mxArray * mxTransitions = mxGetField(mxarray, 0, "transition"); - if (NULL == mxTransitions) - { - mexErrMsgTxt("Model struct did not have transition matrix 'transition'."); - } - if (mxDOUBLE_CLASS != mxGetClassID(mxTransitions)) - { - mexErrMsgTxt("Transition matrix 'transition' must have type mxDOUBLE_CLASS."); - } - - arma::mat transition(mxGetM(mxTransitions), mxGetN(mxTransitions)); - double * values = mxGetPr(mxTransitions); - for (int i = 0; i < mxGetM(mxTransitions) * mxGetN(mxTransitions); ++i) - transition(i) = values[i]; - - hmm.Transition() = transition; - } - - // argument check on the emission field - void checkEmission(const mat & transition, const mxArray * mxarray) - { - if (NULL == mxarray) - { - mexErrMsgTxt("Model struct did not have 'emission' struct."); - } - if ((int) mxGetN(mxarray) != (int) transition.n_rows) - { - stringstream ss; - ss << "'emissions' struct array must have dimensions 1 x " - << transition.n_rows << "."; - mexErrMsgTxt(ss.str().c_str()); - } - } - -} // closing anonymous namespace - -void mexFunction(int nlhs, mxArray *plhs[], - int nrhs, const mxArray *prhs[]) -{ - // argument checks - if (nrhs != 4) - { - mexErrMsgTxt("Expecting four arguments."); - } - - if (nlhs != 1) - { - mexErrMsgTxt("Output required."); - } - - // seed argument - size_t seed = (size_t) mxGetScalar(prhs[3]); - - // Set random seed. - if (seed != 0) - mlpack::math::RandomSeed(seed); - else - mlpack::math::RandomSeed((size_t) std::time(NULL)); - - // length of observations - const int length = (int) mxGetScalar(prhs[1]); - - // start state - const int startState = (int) mxGetScalar(prhs[2]); - - if (length <= 0) - { - stringstream ss; - ss << "Invalid sequence length (" << length << "); must be greater " - << "than or equal to 0!"; - mexErrMsgTxt(ss.str().c_str()); - } - - // getting the model type - if (mxIsStruct(prhs[0]) == 0) - { - mexErrMsgTxt("Model argument is not a struct."); - } - - mxArray * mxHmmType = mxGetField(prhs[0], 0, "hmm_type"); - if (mxHmmType == NULL) - { - mexErrMsgTxt("Model struct did not have 'hmm_type'."); - } - if (mxCHAR_CLASS != mxGetClassID(mxHmmType)) - { - mexErrMsgTxt("'hmm_type' must have type mxCHAR_CLASS."); - } - - // getting the model type string - int bufLength = mxGetNumberOfElements(mxHmmType) + 1; - char * buf; - buf = (char *) mxCalloc(bufLength, sizeof(char)); - mxGetString(mxHmmType, buf, bufLength); - string type(buf); - mxFree(buf); - - cout << type << endl; - - // to be filled by the generator - mat observations; - Col sequence; - - // to be removed! - SaveRestoreUtility sr; - - if (type == "discrete") - { - HMM hmm(1, DiscreteDistribution(1)); - - // writing transition matrix to the hmm - writeTransition(hmm, prhs[0]); - - // writing emission matrix to the hmm - mxArray * mxEmission = mxGetField(prhs[0], 0, "emission"); - //checkEmission(hmm, mxEmission); - - vector emission(hmm.Transition().n_rows); - for (int i=0; i= (int) hmm.Transition().n_rows) - { - stringstream ss; - ss << "Invalid start state (" << startState << "); must be " - << "between 0 and number of states (" << hmm.Transition().n_rows - << ")!"; - mexErrMsgTxt(ss.str().c_str()); - } - - hmm.Generate(size_t(length), observations, sequence, size_t(startState)); - } - else if (type == "gaussian") - { - /* - //HMM hmm(1, GaussianDistribution(1)); - - // get transition matrix - //mat transition; - //getTransition(transition, prhs[0]); - - //hmm.Transition() = transition; - //cout << transition << endl; - arma::mat transition("0.75 0.25; 0.25 0.75"); - - // get emission - //vector emission(transition.n_rows); - vector emission; - GaussianDistribution g1("5.0 5.0", "1.0 0.0; 0.0 1.0"); - GaussianDistribution g2("-5.0 -5.0", "1.0 0.0; 0.0 1.0"); - emission.push_back(g1); - emission.push_back(g2); - - - //HMM hmm(transition, emission); - //hmm.Emission() = emission; - HMM hmm(transition, emission); - */ - - // Our distribution will have three two-dimensional output Gaussians. - cout << "following the test" << endl; - HMM hmm(3, GaussianDistribution(2)); - hmm.Transition() = arma::mat("0.4 0.6 0.8; 0.2 0.2 0.1; 0.4 0.2 0.1"); - hmm.Emission()[0] = GaussianDistribution("0.0 0.0", "1.0 0.0; 0.0 1.0"); - hmm.Emission()[1] = GaussianDistribution("2.0 2.0", "1.0 0.5; 0.5 1.2"); - hmm.Emission()[2] = GaussianDistribution("-2.0 1.0", "2.0 0.1; 0.1 1.0"); - - // Now we will generate a long sequence. - std::vector observations2(1); - std::vector > states2(1); - - // testing - SaveHMM(hmm, sr); - sr.WriteFile("testMexGaussian.xml"); - - // Start in state 1 (no reason). - cout << "test generation" << endl; - hmm.Generate(10000, observations2[0], states2[0], 1); - cout << "test complete" << endl; - - if (startState < 0 || startState >= (int) hmm.Transition().n_rows) - { - stringstream ss; - ss << "Invalid start state (" << startState << "); must be " - << "between 0 and number of states (" << hmm.Transition().n_rows - << ")!"; - mexErrMsgTxt(ss.str().c_str()); - } - cout << "generating!" << endl; - hmm.Generate(size_t(length), observations, sequence, size_t(startState)); - cout << "done!" << endl; - } - else if (type == "gmm") - { - HMM > hmm(1, GMM<>(1, 1)); - - LoadHMM(hmm, sr); - - if (startState < 0 || startState >= (int) hmm.Transition().n_rows) - { - Log::Fatal << "Invalid start state (" << startState << "); must be " - << "between 0 and number of states (" << hmm.Transition().n_rows - << ")!" << endl; - } - - hmm.Generate(size_t(length), observations, sequence, size_t(startState)); - } - else - { - Log::Fatal << "Unknown HMM type '" << type << "'" << "'!" << endl; - } - - cout << "returning to matlab" << endl; - - // Setting values to be returned to matlab - mwSize ndim = 1; - mwSize dims[1] = {1}; - const char * fieldNames[2] = { - "observations" - , "states" - }; - - plhs[0] = mxCreateStructArray(ndim, dims, 2, fieldNames); - - mxArray * tmp; - double * values; - - cout << observations.n_rows << "," << observations.n_cols << endl; - cout << sequence.n_rows << "," << sequence.n_cols << endl; - cout << observations << endl; - cout << sequence << endl; - - // settings the observations - tmp = mxCreateDoubleMatrix(observations.n_rows, observations.n_cols, mxREAL); - values = mxGetPr(tmp); - for (int i=0; i emission(transition.n_rows); - for (int i=0; i