[mlpack] 50/53: Add BSD license to most files.

Barak A. Pearlmutter barak+git at pearlmutter.net
Mon Nov 14 00:46:51 UTC 2016


This is an automated email from the git hooks/post-receive script.

bap pushed a commit to branch master
in repository mlpack.

commit 7aaa8feb33db767439dd11182b51510873621d09
Author: Ryan Curtin <ryan at ratml.org>
Date:   Mon Oct 31 22:27:07 2016 +0900

    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 +++++
 .../termination_policies/complete_incremental_termination.hpp  |  5 +++++
 .../incomplete_incremental_termination.hpp                     |  5 +++++
 .../amf/termination_policies/max_iteration_termination.hpp     |  5 +++++
 .../amf/termination_policies/simple_residue_termination.hpp    |  5 +++++
 .../amf/termination_policies/simple_tolerance_termination.hpp  |  5 +++++
 .../amf/termination_policies/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 +++++
 src/mlpack/methods/amf/update_rules/svd_batch_learning.hpp     |  5 +++++
 .../amf/update_rules/svd_complete_incremental_learning.hpp     |  5 +++++
 .../amf/update_rules/svd_incomplete_incremental_learning.hpp   |  5 +++++
 .../methods/ann/activation_functions/identity_function.hpp     |  5 +++++
 .../methods/ann/activation_functions/logistic_function.hpp     |  5 +++++
 .../methods/ann/activation_functions/rectifier_function.hpp    |  5 +++++
 .../methods/ann/activation_functions/softsign_function.hpp     |  5 +++++
 src/mlpack/methods/ann/activation_functions/tanh_function.hpp  |  5 +++++
 src/mlpack/methods/ann/cnn.hpp                                 |  5 +++++
 src/mlpack/methods/ann/cnn_impl.hpp                            |  5 +++++
 src/mlpack/methods/ann/convolution_rules/border_modes.hpp      |  5 +++++
 src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp   |  5 +++++
 src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp |  5 +++++
 src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp   |  5 +++++
 src/mlpack/methods/ann/ffn.hpp                                 |  5 +++++
 src/mlpack/methods/ann/ffn_impl.hpp                            |  5 +++++
 .../ann/init_rules/kathirvalavakumar_subavathi_init.hpp        |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/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 +++++
 .../methods/ann/layer/multiclass_classification_layer.hpp      |  5 +++++
 src/mlpack/methods/ann/layer/multiply_constant_layer.hpp       |  5 +++++
 src/mlpack/methods/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 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/ann/performance_functions/cee_function.hpp  |  5 +++++
 src/mlpack/methods/ann/performance_functions/mse_function.hpp  |  5 +++++
 .../methods/ann/performance_functions/sparse_function.hpp      |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/decision_stump/decision_stump_impl.hpp      |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp    |  5 +++++
 .../methods/hoeffding_trees/binary_numeric_split_impl.hpp      |  5 +++++
 .../methods/hoeffding_trees/binary_numeric_split_info.hpp      |  5 +++++
 src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp  |  5 +++++
 src/mlpack/methods/hoeffding_trees/gini_impurity.hpp           |  5 +++++
 .../methods/hoeffding_trees/hoeffding_categorical_split.hpp    |  5 +++++
 .../hoeffding_trees/hoeffding_categorical_split_impl.hpp       |  5 +++++
 src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp |  5 +++++
 .../methods/hoeffding_trees/hoeffding_numeric_split_impl.hpp   |  5 +++++
 src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp          |  5 +++++
 src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp     |  5 +++++
 src/mlpack/methods/hoeffding_trees/hoeffding_tree_main.cpp     |  5 +++++
 src/mlpack/methods/hoeffding_trees/information_gain.hpp        |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/kernel_pca/kernel_rules/naive_method.hpp    |  5 +++++
 src/mlpack/methods/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 +++++
 src/mlpack/methods/kmeans/dual_tree_kmeans_rules_impl.hpp      |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp        |  5 +++++
 src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp   |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/linear_regression/linear_regression.cpp     |  5 +++++
 src/mlpack/methods/linear_regression/linear_regression.hpp     |  5 +++++
 .../methods/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 +++++
 src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp        |  5 +++++
 .../local_coordinate_coding/local_coordinate_coding_main.cpp   |  5 +++++
 src/mlpack/methods/logistic_regression/logistic_regression.hpp |  5 +++++
 .../logistic_regression/logistic_regression_function.hpp       |  5 +++++
 .../logistic_regression/logistic_regression_function_impl.hpp  |  5 +++++
 .../methods/logistic_regression/logistic_regression_impl.hpp   |  5 +++++
 .../methods/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 +++++
 src/mlpack/methods/matrix_completion/matrix_completion.cpp     |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp      |  5 +++++
 src/mlpack/methods/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 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp    |  5 +++++
 src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp   |  5 +++++
 .../methods/neighbor_search/neighbor_search_rules_impl.hpp     |  5 +++++
 src/mlpack/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 +++++
 .../neighbor_search/sort_policies/furthest_neighbor_sort.hpp   |  5 +++++
 .../sort_policies/furthest_neighbor_sort_impl.hpp              |  5 +++++
 .../neighbor_search/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 +++++
 src/mlpack/methods/nystroem_method/kmeans_selection.hpp        |  5 +++++
 src/mlpack/methods/nystroem_method/nystroem_method.hpp         |  5 +++++
 src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp    |  5 +++++
 src/mlpack/methods/nystroem_method/ordered_selection.hpp       |  5 +++++
 src/mlpack/methods/nystroem_method/random_selection.hpp        |  5 +++++
 .../methods/pca/decomposition_policies/exact_svd_method.hpp    |  5 +++++
 .../methods/pca/decomposition_policies/quic_svd_method.hpp     |  5 +++++
 .../pca/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 +++++
 .../methods/perceptron/initialization_methods/random_init.hpp  |  5 +++++
 .../methods/perceptron/initialization_methods/zero_init.hpp    |  5 +++++
 .../perceptron/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 +++++
 src/mlpack/methods/preprocess/preprocess_binarize_main.cpp     |  5 +++++
 src/mlpack/methods/preprocess/preprocess_describe_main.cpp     |  5 +++++
 src/mlpack/methods/preprocess/preprocess_imputer_main.cpp      |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/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 +++++
 .../methods/regularized_svd/regularized_svd_function.cpp       |  5 +++++
 .../methods/regularized_svd/regularized_svd_function.hpp       |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/softmax_regression/softmax_regression.hpp   |  5 +++++
 .../methods/softmax_regression/softmax_regression_function.cpp |  5 +++++
 .../methods/softmax_regression/softmax_regression_function.hpp |  5 +++++
 .../methods/softmax_regression/softmax_regression_impl.hpp     |  5 +++++
 .../methods/softmax_regression/softmax_regression_main.cpp     | 10 ++++++++++
 src/mlpack/methods/sparse_autoencoder/maximal_inputs.cpp       |  5 +++++
 src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp       |  5 +++++
 src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp   |  5 +++++
 .../methods/sparse_autoencoder/sparse_autoencoder_function.cpp |  5 +++++
 .../methods/sparse_autoencoder/sparse_autoencoder_function.hpp |  5 +++++
 .../methods/sparse_autoencoder/sparse_autoencoder_impl.hpp     |  5 +++++
 .../sparse_coding/data_dependent_random_initializer.hpp        |  5 +++++
 src/mlpack/methods/sparse_coding/nothing_initializer.hpp       |  5 +++++
 src/mlpack/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 +++++
 src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp        |  5 +++++
 src/mlpack/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 38c1c81..78a1865 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 f831630..ec74bb5 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 55d77f2..07b3b9f 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 b90d7e6..baa23b4 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 <mlpack/core.hpp>
diff --git a/src/mlpack/methods/amf/amf.hpp b/src/mlpack/methods/amf/amf.hpp
index 5dda793..9cecef9 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 90c7eab..8a346b9 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 a876121..21404f1 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 8100ede..c9ee9cc 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 10a072f..dad9bc8 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 57ce7da..77b19cd 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 27040f6..479acbe 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 944677e..4b51255 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 e971af2..622a6b5 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 5f4d6fb..551cf94 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 dbb2c38..62445df 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 2f80ce5..961a332 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 955d4f4..1ca4e20 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 62dd644..ea08b0c 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 9aab366..6c2f596 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 0a88955..862c7ee 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 56b2522..2038fa3 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 a66ed41..43bce41 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 ac418a9..7a75b1e 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 9105473..922b14c 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 fbf31ee..7d97d2c 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 92a215a..2038bf0 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 a5e074c..64b1634 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 7ef71ed..72e0803 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 fc66c15..ba774ba 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 a3d943f..b9e6b1e 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 0447d24..bbcfecd 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 b897da3..fc7fc69 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 b28d825..a0b317e 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 b06fb14..f9bc4d5 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 a6ec157..5b1cc61 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 0f299ef..491ab5a 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 11eae36..c6082b2 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 6f4deab..75c8335 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 3c20da9..ca16c3d 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 c9f31ba..4d720db 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 11c6adf..f7c9b44 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 2ca4552..2b915a1 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 c2f510a..0be535d 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 ccf138c..1b3d617 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 67701de..31da87e 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 18a7fbd..bbb918c 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 0e05816..fdb14cb 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 0ed0fae..3ed0bd6 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 11cb6a0..cf5a70e 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 228ce7d..3f1e9df 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 16167a5..c707017 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 871170f..a8671d6 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 a55bd25..a87792e 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 0a75bd8..b3b3dbf 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 1820f45..2b417e3 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 6403f74..6ccd2fc 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 2fe2099..7705b52 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 b15d23c..afa0f42 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 050e015..6c08698 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 671696e..63200b2 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 5b13f73..e8a205f 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 6956fb8..5e231a7 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 3f8099f..655e443 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 670ec4e..a2d3323 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 5f485c1..c3b723f 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 56650dc..6b1d9d1 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 ee2ecd0..33a2a72 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 aec0b85..5b4da8e 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 25602cc..5aa91e8 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 5d45abe..93bdf04 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 076ee1f..3203457 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 bfc4f0d..3424452 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 8844ff2..d2f1933 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 c587b50..145a0b6 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 83a6c29..34055fb 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 c99f366..f50b041 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 fb523b3..7ab88c3 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 39789bf..6b9483c 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 b0d1ec4..d8d2f07 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 7943850..0342495 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 <mlpack/core.hpp>
 #include <mlpack/methods/neighbor_search/neighbor_search.hpp>
diff --git a/src/mlpack/methods/approx_kfn/drusilla_select.hpp b/src/mlpack/methods/approx_kfn/drusilla_select.hpp
index 38b90ab..c059c77 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 b61ab0b..9cc314e 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 6ba8b81..95f2de2 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 ab9bce6..9be910a 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 0e86647..bdb2dbe 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 <mlpack/core.hpp>
 #include "qdafn.hpp"
diff --git a/src/mlpack/methods/cf/cf.cpp b/src/mlpack/methods/cf/cf.cpp
index 512d01a..830d73a 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 82d624c..9f0f772 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 88d59ea..33da16c 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 2574e91..a530a2a 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 <mlpack/core.hpp>
diff --git a/src/mlpack/methods/cf/svd_wrapper.hpp b/src/mlpack/methods/cf/svd_wrapper.hpp
index 314647b..27b225e 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 47255c6..91935e4 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<class Factorizer>
 double mlpack::cf::SVDWrapper<Factorizer>::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 a769911..f3b9c6b 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 8b4aa4e..9143148 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 9ca428d..8f7e371 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 <mlpack/core.hpp>
 #include "decision_stump.hpp"
diff --git a/src/mlpack/methods/det/det_main.cpp b/src/mlpack/methods/det/det_main.cpp
index f1b33ba..024c702 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 at 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 <mlpack/core.hpp>
 #include "dt_utils.hpp"
diff --git a/src/mlpack/methods/det/dt_utils.cpp b/src/mlpack/methods/det/dt_utils.cpp
index b8946a9..72c8a65 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 c20f78a..7e536e1 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 c88d480..a0bf2e6 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 <stack>
diff --git a/src/mlpack/methods/det/dtree.hpp b/src/mlpack/methods/det/dtree.hpp
index 8e8bbdf..3c14b29 100644
--- a/src/mlpack/methods/det/dtree.hpp
+++ b/src/mlpack/methods/det/dtree.hpp
@@ -3,6 +3,11 @@
  * @author Parikshit Ram (pram at 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 b11cc01..9903703 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 2adc119..f97ce65 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 at 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 05fd058..00e32d2 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 at 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 7c75ed6..7bd0707 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 at 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 a0a694c..01ec10f 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 at 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 b0c26b4..521ad8d 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 ffc2d6a..96acb72 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 d33f9ac..912252c 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 1fc2cdb..866be5d 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 993ba54..12a3cd7 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 9ebbefe..d5b7311 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/fastmks/fastmks_model.cpp b/src/mlpack/methods/fastmks/fastmks_model.cpp
index d4c85c2..e60006c 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 ce7ce6f..fce28fd 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 fe1acdf..5602fb5 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 66d2082..1388812 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 66513ed..4b98fd6 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 318e5c9..4ce12f3 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 cf0cc9c..0d15876 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 30c4f0f..8a2c07b 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 fa65f46..768c1ec 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 d57fa67..feaa9d4 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 496dc12..fb33974 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 98f3f9b..1ba2540 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 787b90b..d56b5a6 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 <mlpack/core.hpp>
 #include "gmm.hpp"
diff --git a/src/mlpack/methods/gmm/gmm_impl.hpp b/src/mlpack/methods/gmm/gmm_impl.hpp
index e4e889a..021533a 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 ec39c31..a7deb08 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 <mlpack/core.hpp>
 #include "gmm.hpp"
diff --git a/src/mlpack/methods/gmm/gmm_train_main.cpp b/src/mlpack/methods/gmm/gmm_train_main.cpp
index ee271b1..2eba886 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/gmm/no_constraint.hpp b/src/mlpack/methods/gmm/no_constraint.hpp
index 52c5613..35d0cce 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 646462b..5b287fe 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 87f2273..e9b3541 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 af0e811..99cf66a 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/hmm/hmm_impl.hpp b/src/mlpack/methods/hmm/hmm_impl.hpp
index 05b7a29..8e854d2 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 8be43f0..accaa67 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/hmm/hmm_regression.hpp b/src/mlpack/methods/hmm/hmm_regression.hpp
index f71a469..1319c75 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 6f4e0e7..09cc0b1 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 f8d96b2..1b500a1 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/hmm/hmm_util.hpp b/src/mlpack/methods/hmm/hmm_util.hpp
index e97a582..b64af48 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 1e3e404..856e47f 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 be5be85..38bef6f 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp b/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp
index ac273a5..058ee53 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 d90cdab..d7a99c1 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 4f0c70a..a8ba23e 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 ca6175c..24b7a68 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 cdfbbf1..fda66f3 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 1c479a7..e9b3f87 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 adfc728..93e6a46 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 54750ab..feff1cb 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 8f2dc07..1bbf137 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 9f3974b..1f6c683 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 e2d29b7..c5a5dea 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 608e5b5..a4a618f 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 <mlpack/core.hpp>
 #include <mlpack/methods/hoeffding_trees/hoeffding_tree.hpp>
diff --git a/src/mlpack/methods/hoeffding_trees/information_gain.hpp b/src/mlpack/methods/hoeffding_trees/information_gain.hpp
index b783470..8801394 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 a8e48de..1e947c2 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 2202d38..3069190 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 36709fd..3c54c23 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 8ee556b..5204918 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 83686f1..0a36a8a 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 <kaleajinkya at gmail.com>
  *
  * 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 <mlpack/core.hpp>
 #include <mlpack/methods/nystroem_method/ordered_selection.hpp>
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 4850fba..80b76c8 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 6ae05ad..9e2eff6 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 5d6be13..6bcfff2 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 1026d68..200c895 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 d8deb55..51612cd 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 1c7a7c4..0a1f66c 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 2286455..8be77cc 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 6e162d4..ac87b74 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 a94ffc0..a28ccd4 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 27751d8..0de4eeb 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 1a55111..9dede81 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 1c3ac79..7b867b1 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 d8aa97e..648cb5e 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 13c96bd..6d2a6f9 100644
--- a/src/mlpack/methods/kmeans/kmeans.hpp
+++ b/src/mlpack/methods/kmeans/kmeans.hpp
@@ -3,6 +3,11 @@
  * @author Parikshit Ram (pram at 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 b7f14bd..7218471 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 ededb91..9e71c11 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp b/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp
index c3ea3be..220c7f6 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 c60ae95..3ecd74b 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 abb5655..bc80fbf 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 239169c..8f16e74 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 3645073..67af38c 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 8403b07..de5914f 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 a2306b1..c302599 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 d73f699..3a0fb97 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 c611d41..8e875ac 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 abf31c7..29de068 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 c68ed0e..c0bf6a2 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 7a10a9a..3822ad2 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 0d967b3..48a2244 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 d6b0b3d..661fc80 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 85293b6..fb51b1f 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 b12bd76..c903566 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 3bb6d3d..73075d3 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/linear_regression/linear_regression.cpp b/src/mlpack/methods/linear_regression/linear_regression.cpp
index 3da527c..25167e9 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 7577071..79993bd 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 cb14a16..b3cf6dd 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 <mlpack/core.hpp>
 #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 54c2fa6..31a6eaa 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 f1f6532..28fdd63 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 e527cc0..b4c1ecb 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 d61937a..e6967fb 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 <mlpack/core.hpp>
 #include "lcc.hpp"
diff --git a/src/mlpack/methods/logistic_regression/logistic_regression.hpp b/src/mlpack/methods/logistic_regression/logistic_regression.hpp
index 008193a..8973339 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 dff6750..4ef2ddf 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 65a4a41..1a8e023 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 48ea55b..d2a9b24 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 0c33cca..17557fa 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 <mlpack/core.hpp>
 #include "logistic_regression.hpp"
diff --git a/src/mlpack/methods/lsh/lsh_main.cpp b/src/mlpack/methods/lsh/lsh_main.cpp
index 308f8cb..470c248 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 <mlpack/core.hpp>
 #include <mlpack/core/metrics/lmetric.hpp>
diff --git a/src/mlpack/methods/lsh/lsh_search.hpp b/src/mlpack/methods/lsh/lsh_search.hpp
index 902c2af..8b1f1b3 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 bdef1be..b09e433 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 8994854..fa5c2c4 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 c2bb8f3..a806f10 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 d7607d0..2d6da5a 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 03ce3e0..6c67eb6 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 88de594..270b68d 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 <mlpack/core.hpp>
diff --git a/src/mlpack/methods/mvu/mvu.cpp b/src/mlpack/methods/mvu/mvu.cpp
index 4796e07..8c02d0c 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 a4aaed3..c7f173b 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 de54048..07f0a99 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 <mlpack/core.hpp>
 #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 a6cc308..48b7701 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 526bcd8..b701609 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 10fff58..0f0d9f4 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/nca/nca.hpp b/src/mlpack/methods/nca/nca.hpp
index da67ee2..a02a85f 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 fdf0af4..fd30afb 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 c699c82..2d1221e 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 <mlpack/core.hpp>
 #include <mlpack/core/metrics/lmetric.hpp>
diff --git a/src/mlpack/methods/nca/nca_softmax_error_function.hpp b/src/mlpack/methods/nca/nca_softmax_error_function.hpp
index 683993a..8054e10 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 d965bd5..dd3bc24 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 f773549..9157891 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/neighbor_search/knn_main.cpp b/src/mlpack/methods/neighbor_search/knn_main.cpp
index 8cc8915..2e8d878 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 <mlpack/core.hpp>
 #include <mlpack/core/tree/cover_tree.hpp>
diff --git a/src/mlpack/methods/neighbor_search/neighbor_search.hpp b/src/mlpack/methods/neighbor_search/neighbor_search.hpp
index e57d802..e0506ac 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 fb099e3..f25ef3f 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 00d80ff..ccc0ccd 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 65b8915..835bd50 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 433ea64..1ce0262 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 de1cd8b..6387611 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 5cd9e9d..7b52ff2 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 2d385a9..fc40f50 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 da9d4d6..437821a 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 3034db3..3a623c6 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 608424a..6dcba3d 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 5c12abe..77821d5 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 ba60a33..d235f73 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 61d85ab..febc46a 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 97b5ecb..a9d0645 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/nystroem_method/kmeans_selection.hpp b/src/mlpack/methods/nystroem_method/kmeans_selection.hpp
index 421de65..eb73fd3 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 52840ae..31d4a36 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 30fe7f6..4218811 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 3f5c8a9..88aaa69 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 b2126dc..425fb39 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 7b24b15..1291f89 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 c866a8f..68affac 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 767eb9b..216e869 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 62b5475..8bf578f 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 9f963b2..89499ad 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<DecompositionPolicy>::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 cc77e86..248a1ea 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp b/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp
index 9c54d9d..5c28e1c 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 9bff618..af13601 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 4fd79e4..81a8a4f 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 7810e8e..851248a 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 2e2948f..ef570f7 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 8b29842..3093191 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 <mlpack/core.hpp>
diff --git a/src/mlpack/methods/preprocess/preprocess_binarize_main.cpp b/src/mlpack/methods/preprocess/preprocess_binarize_main.cpp
index 9faa815..853fa7b 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 <mlpack/core.hpp>
 #include <mlpack/core/data/binarize.hpp>
diff --git a/src/mlpack/methods/preprocess/preprocess_describe_main.cpp b/src/mlpack/methods/preprocess/preprocess_describe_main.cpp
index 952d5c5..e654401 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 <mlpack/core.hpp>
 #include <boost/format.hpp>
diff --git a/src/mlpack/methods/preprocess/preprocess_imputer_main.cpp b/src/mlpack/methods/preprocess/preprocess_imputer_main.cpp
index 963ab6c..117563d 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 <mlpack/core.hpp>
 #include <mlpack/core/data/imputer.hpp>
diff --git a/src/mlpack/methods/preprocess/preprocess_split_main.cpp b/src/mlpack/methods/preprocess/preprocess_split_main.cpp
index 6a5b149..0a458a8 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 <mlpack/core.hpp>
 #include <mlpack/core/data/split_data.hpp>
diff --git a/src/mlpack/methods/quic_svd/quic_svd.cpp b/src/mlpack/methods/quic_svd/quic_svd.cpp
index 4640d48..5a5bcf2 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 d470bfe..3e9986f 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 816e8e6..85e06bd 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 81e9ec9..5a8b966 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 544e7bc..ecdac0d 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 <mlpack/core.hpp>
diff --git a/src/mlpack/methods/randomized_svd/randomized_svd.cpp b/src/mlpack/methods/randomized_svd/randomized_svd.cpp
index 72091ca..60a72ac 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 ba159c0..d1bba75 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 021f5c0..e41f7f6 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 c7e6338..e669597 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 92e0be8..698d6e3 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 <mlpack/core.hpp>
 #include <mlpack/core/metrics/lmetric.hpp>
diff --git a/src/mlpack/methods/range_search/range_search_rules.hpp b/src/mlpack/methods/range_search/range_search_rules.hpp
index 5ffce44..260a862 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 0ed5ada..65db14a 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 310180d..0a8e243 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 4932861..aac504a 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 bea33d5..3812521 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 69b7b71..4bc73b4 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 26f3eb5..b416121 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/rann/ra_model.hpp b/src/mlpack/methods/rann/ra_model.hpp
index 676a555..c9ddbd5 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 a3bdb25..0917282 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 b51c8ba..4a9cfd0 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 84d7c36..fe87e2c 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 6c92ea0..699bac7 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 c47934b..4772ec4 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 ae13d5b..3bec753 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 553dd04..70023c5 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 c85edee..a5dcd0b 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 1401467..7139421 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 8ab1d6c..9dfa645 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 8c263f1..55b8d03 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 82d8c2a..1ff2818 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 c75236d..4506897 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 7fb0510..5f4f031 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 fb9fd7c..cfb310b 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 b76eefc..8c95765 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/methods/softmax_regression/softmax_regression.hpp b/src/mlpack/methods/softmax_regression/softmax_regression.hpp
index e08466b..c5c31e3 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 850549a..27c1804 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 440f401..5b0e731 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 dfede6e..c5c8486 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 2d8ade9..18c310b 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 <mlpack/core.hpp>
 #include <mlpack/methods/softmax_regression/softmax_regression.hpp>
 #include <mlpack/core/optimizers/lbfgs/lbfgs.hpp>
diff --git a/src/mlpack/methods/sparse_autoencoder/maximal_inputs.cpp b/src/mlpack/methods/sparse_autoencoder/maximal_inputs.cpp
index 69e7278..aa76a4d 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 8c61921..0c31392 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 68cae27..aac73c2 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 229060a..050de5e 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 57eb5da..14fb811 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 a149de7..153298a 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 e77535a..6609574 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 987f77f..a6a5b4d 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 b7fdb22..ad96df4 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 1e944fe..6d76ffe 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 88bf500..9f7f3c8 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 f6cb751..353ef27 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 5ab918e..7a571b5 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 <mlpack/core.hpp>
 #include "sparse_coding.hpp"
diff --git a/src/mlpack/prereqs.hpp b/src/mlpack/prereqs.hpp
index a9d7fcb..4849487 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 9f32f8d..bebca0d 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/ada_delta_test.cpp b/src/mlpack/tests/ada_delta_test.cpp
index 483ce62..481e117 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/adaboost_test.cpp b/src/mlpack/tests/adaboost_test.cpp
index 6a04e6e..542eb59 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 <mlpack/core.hpp>
 #include <mlpack/methods/adaboost/adaboost.hpp>
diff --git a/src/mlpack/tests/adam_test.cpp b/src/mlpack/tests/adam_test.cpp
index 6daa5cb..2c52f64 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/akfn_test.cpp b/src/mlpack/tests/akfn_test.cpp
index 993f52a..93f4014 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 <mlpack/core.hpp>
 #include <mlpack/methods/neighbor_search/neighbor_search.hpp>
diff --git a/src/mlpack/tests/aknn_test.cpp b/src/mlpack/tests/aknn_test.cpp
index be48ec0..82d1bdf 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 <mlpack/core.hpp>
 #include <mlpack/methods/neighbor_search/neighbor_search.hpp>
diff --git a/src/mlpack/tests/arma_extend_test.cpp b/src/mlpack/tests/arma_extend_test.cpp
index 79fd0e9..3adc390 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 <mlpack/core.hpp>
diff --git a/src/mlpack/tests/armadillo_svd_test.cpp b/src/mlpack/tests/armadillo_svd_test.cpp
index 5cfc156..367c7e9 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 fd6ce6d..9c3838a 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 <mlpack/core.hpp>
diff --git a/src/mlpack/tests/binarize_test.cpp b/src/mlpack/tests/binarize_test.cpp
index ea2638b..2083383 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 <mlpack/core.hpp>
 #include <mlpack/core/data/binarize.hpp>
diff --git a/src/mlpack/tests/cf_test.cpp b/src/mlpack/tests/cf_test.cpp
index 6a1f1a6..59491da 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 <mlpack/core.hpp>
diff --git a/src/mlpack/tests/cli_test.cpp b/src/mlpack/tests/cli_test.cpp
index 40449df..3adebbe 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 <iostream>
diff --git a/src/mlpack/tests/convolution_test.cpp b/src/mlpack/tests/convolution_test.cpp
index b273330..a277b9c 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/convolutional_network_test.cpp b/src/mlpack/tests/convolutional_network_test.cpp
index 34a9ee1..52e1a6c 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/cosine_tree_test.cpp b/src/mlpack/tests/cosine_tree_test.cpp
index 6a8c586..f09ac27 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 <mlpack/core.hpp>
diff --git a/src/mlpack/tests/decision_stump_test.cpp b/src/mlpack/tests/decision_stump_test.cpp
index dae9875..3a1e7dc 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 <mlpack/core.hpp>
 #include <mlpack/methods/decision_stump/decision_stump.hpp>
diff --git a/src/mlpack/tests/det_test.cpp b/src/mlpack/tests/det_test.cpp
index 7e32def..cc3cf6c 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 <mlpack/core.hpp>
 #include <boost/test/unit_test.hpp>
diff --git a/src/mlpack/tests/distribution_test.cpp b/src/mlpack/tests/distribution_test.cpp
index 5df3e16..2e15786 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/drusilla_select_test.cpp b/src/mlpack/tests/drusilla_select_test.cpp
index cce2704..5a093af 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 <mlpack/methods/approx_kfn/drusilla_select.hpp>
 #include <mlpack/methods/neighbor_search/neighbor_search.hpp>
diff --git a/src/mlpack/tests/emst_test.cpp b/src/mlpack/tests/emst_test.cpp
index 9e8831a..435070c 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 <mlpack/core.hpp>
 #include <mlpack/methods/emst/dtb.hpp>
diff --git a/src/mlpack/tests/fastmks_test.cpp b/src/mlpack/tests/fastmks_test.cpp
index a7b20e9..35afe81 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 <mlpack/core.hpp>
 #include <mlpack/methods/fastmks/fastmks.hpp>
diff --git a/src/mlpack/tests/feedforward_network_test.cpp b/src/mlpack/tests/feedforward_network_test.cpp
index e1412b4..4477bf2 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/gmm_test.cpp b/src/mlpack/tests/gmm_test.cpp
index b1543ac..c2f21e5 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/gradient_descent_test.cpp b/src/mlpack/tests/gradient_descent_test.cpp
index 0eb9a24..146054e 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 <mlpack/core.hpp>
 #include <mlpack/core/optimizers/gradient_descent/gradient_descent.hpp>
diff --git a/src/mlpack/tests/hmm_test.cpp b/src/mlpack/tests/hmm_test.cpp
index 7ea6403..ab41e90 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 <mlpack/core.hpp>
 #include <mlpack/methods/hmm/hmm.hpp>
diff --git a/src/mlpack/tests/hoeffding_tree_test.cpp b/src/mlpack/tests/hoeffding_tree_test.cpp
index 1c6a678..a5b94bd 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 <mlpack/core.hpp>
 #include <mlpack/methods/hoeffding_trees/gini_impurity.hpp>
diff --git a/src/mlpack/tests/hyperplane_test.cpp b/src/mlpack/tests/hyperplane_test.cpp
index dfce1c8..8c15044 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 <mlpack/core.hpp>
 #include <mlpack/core/tree/space_split/hyperplane.hpp>
diff --git a/src/mlpack/tests/imputation_test.cpp b/src/mlpack/tests/imputation_test.cpp
index 3289984..2e9f8cf 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 <sstream>
 
diff --git a/src/mlpack/tests/ind2sub_test.cpp b/src/mlpack/tests/ind2sub_test.cpp
index 7f3518f..c43cb00 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 <mlpack/core.hpp>
 #include <boost/test/unit_test.hpp>
diff --git a/src/mlpack/tests/init_rules_test.cpp b/src/mlpack/tests/init_rules_test.cpp
index 5ef4b99..3ea0f8a 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/kernel_pca_test.cpp b/src/mlpack/tests/kernel_pca_test.cpp
index e154630..7b3c2bc 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 <mlpack/core.hpp>
 #include <mlpack/core/kernels/gaussian_kernel.hpp>
diff --git a/src/mlpack/tests/kernel_test.cpp b/src/mlpack/tests/kernel_test.cpp
index 1c32019..f535baf 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 <mlpack/core/kernels/cosine_distance.hpp>
 #include <mlpack/core/kernels/epanechnikov_kernel.hpp>
diff --git a/src/mlpack/tests/kernel_traits_test.cpp b/src/mlpack/tests/kernel_traits_test.cpp
index 408df4b..81e4f0f 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/kfn_test.cpp b/src/mlpack/tests/kfn_test.cpp
index f0f4fa3..a89f275 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 <mlpack/core.hpp>
 #include <mlpack/methods/neighbor_search/neighbor_search.hpp>
diff --git a/src/mlpack/tests/kmeans_test.cpp b/src/mlpack/tests/kmeans_test.cpp
index f606064..b6c0e00 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/knn_test.cpp b/src/mlpack/tests/knn_test.cpp
index 6f956df..c185285 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 <mlpack/core.hpp>
 #include <mlpack/methods/neighbor_search/neighbor_search.hpp>
diff --git a/src/mlpack/tests/krann_search_test.cpp b/src/mlpack/tests/krann_search_test.cpp
index c0bcadb..c8c6476 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 <time.h>
 #include <mlpack/core.hpp>
diff --git a/src/mlpack/tests/lars_test.cpp b/src/mlpack/tests/lars_test.cpp
index 5b410fe..3c66984 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 373d878..d7c0f10 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/lbfgs_test.cpp b/src/mlpack/tests/lbfgs_test.cpp
index f16803c..f4c444d 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 at 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 <mlpack/core.hpp>
 #include <mlpack/core/optimizers/lbfgs/lbfgs.hpp>
diff --git a/src/mlpack/tests/lin_alg_test.cpp b/src/mlpack/tests/lin_alg_test.cpp
index 6d11b36..0e33504 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 <mlpack/core.hpp>
 #include <mlpack/core/math/lin_alg.hpp>
diff --git a/src/mlpack/tests/linear_regression_test.cpp b/src/mlpack/tests/linear_regression_test.cpp
index 7f175c9..eba31c4 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 <mlpack/core.hpp>
 #include <mlpack/methods/linear_regression/linear_regression.hpp>
diff --git a/src/mlpack/tests/load_save_test.cpp b/src/mlpack/tests/load_save_test.cpp
index 5c9a0b8..200f1a7 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 <sstream>
 
diff --git a/src/mlpack/tests/local_coordinate_coding_test.cpp b/src/mlpack/tests/local_coordinate_coding_test.cpp
index cc293b3..dfa42e9 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 3a5a43d..d46589b 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 60acb1c..5405b93 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 <mlpack/core.hpp>
 #include <mlpack/methods/logistic_regression/logistic_regression.hpp>
diff --git a/src/mlpack/tests/lrsdp_test.cpp b/src/mlpack/tests/lrsdp_test.cpp
index 5a7b1ce..3c3aab4 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 <mlpack/core.hpp>
 #include <mlpack/core/optimizers/sdp/lrsdp.hpp>
diff --git a/src/mlpack/tests/lsh_test.cpp b/src/mlpack/tests/lsh_test.cpp
index 0d15428..12254cd 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 <mlpack/core.hpp>
 #include <mlpack/core/metrics/lmetric.hpp>
diff --git a/src/mlpack/tests/lstm_peephole_test.cpp b/src/mlpack/tests/lstm_peephole_test.cpp
index fef1196..1624706 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/math_test.cpp b/src/mlpack/tests/math_test.cpp
index c68441d..e67c445 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 <mlpack/core/math/clamp.hpp>
 #include <mlpack/core/math/random.hpp>
diff --git a/src/mlpack/tests/matrix_completion_test.cpp b/src/mlpack/tests/matrix_completion_test.cpp
index 697e809..0ed7b13 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 <mlpack/core.hpp>
 #include <mlpack/methods/matrix_completion/matrix_completion.hpp>
diff --git a/src/mlpack/tests/maximal_inputs_test.cpp b/src/mlpack/tests/maximal_inputs_test.cpp
index c6e8c10..c72f340 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 <mlpack/core.hpp>
 #include <mlpack/core/math/columns_to_blocks.hpp>
diff --git a/src/mlpack/tests/mean_shift_test.cpp b/src/mlpack/tests/mean_shift_test.cpp
index 6670289..9960e09 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 <mlpack/core.hpp>
diff --git a/src/mlpack/tests/metric_test.cpp b/src/mlpack/tests/metric_test.cpp
index 10952fe..f3f310b 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 <mlpack/core.hpp>
 #include <mlpack/core/metrics/lmetric.hpp>
diff --git a/src/mlpack/tests/minibatch_sgd_test.cpp b/src/mlpack/tests/minibatch_sgd_test.cpp
index 410d4e3..d455d30 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 <mlpack/core.hpp>
 #include <mlpack/core/optimizers/sgd/sgd.hpp>
diff --git a/src/mlpack/tests/mlpack_test.cpp b/src/mlpack/tests/mlpack_test.cpp
index b10486e..3082c7f 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 dc96f8d..38c255d 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 <mlpack/core.hpp>
 #include <mlpack/methods/naive_bayes/naive_bayes_classifier.hpp>
diff --git a/src/mlpack/tests/nca_test.cpp b/src/mlpack/tests/nca_test.cpp
index 34b1a39..19db510 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 <mlpack/core.hpp>
 #include <mlpack/core/metrics/lmetric.hpp>
diff --git a/src/mlpack/tests/network_util_test.cpp b/src/mlpack/tests/network_util_test.cpp
index 30d6331..4f0fcf1 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/nmf_test.cpp b/src/mlpack/tests/nmf_test.cpp
index d97f151..69d8a3c 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 <mlpack/core.hpp>
 #include <mlpack/methods/amf/amf.hpp>
diff --git a/src/mlpack/tests/nystroem_method_test.cpp b/src/mlpack/tests/nystroem_method_test.cpp
index 241d971..2c50576 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/octree_test.cpp b/src/mlpack/tests/octree_test.cpp
index f237016..4f3bca5 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 <mlpack/core.hpp>
 #include <mlpack/core/tree/octree.hpp>
diff --git a/src/mlpack/tests/pca_test.cpp b/src/mlpack/tests/pca_test.cpp
index 22503a8..5ec70b1 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 <mlpack/core.hpp>
 #include <mlpack/methods/pca/pca.hpp>
diff --git a/src/mlpack/tests/perceptron_test.cpp b/src/mlpack/tests/perceptron_test.cpp
index 4fc1c8b..15586bf 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 <mlpack/core.hpp>
 #include <mlpack/methods/perceptron/perceptron.hpp>
diff --git a/src/mlpack/tests/performance_functions_test.cpp b/src/mlpack/tests/performance_functions_test.cpp
index 9ad9342..3590291 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/pooling_rules_test.cpp b/src/mlpack/tests/pooling_rules_test.cpp
index 9909316..0dd2c9d 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/qdafn_test.cpp b/src/mlpack/tests/qdafn_test.cpp
index 332b7c7..eb80200 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 <boost/test/unit_test.hpp>
 #include "test_tools.hpp"
diff --git a/src/mlpack/tests/quic_svd_test.cpp b/src/mlpack/tests/quic_svd_test.cpp
index 7e09feb..dfc128b 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 <mlpack/core.hpp>
diff --git a/src/mlpack/tests/radical_test.cpp b/src/mlpack/tests/radical_test.cpp
index c14f449..b8c1434 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 <mlpack/core.hpp>
 #include <mlpack/methods/radical/radical.hpp>
diff --git a/src/mlpack/tests/randomized_svd_test.cpp b/src/mlpack/tests/randomized_svd_test.cpp
index df8d663..bcc8f7a 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 <mlpack/core.hpp>
diff --git a/src/mlpack/tests/range_search_test.cpp b/src/mlpack/tests/range_search_test.cpp
index 3619691..749426e 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 <mlpack/core.hpp>
 #include <mlpack/methods/range_search/range_search.hpp>
diff --git a/src/mlpack/tests/rectangle_tree_test.cpp b/src/mlpack/tests/rectangle_tree_test.cpp
index c3004df..8e17d5c 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 <mlpack/core.hpp>
 #include <mlpack/core/tree/tree_traits.hpp>
diff --git a/src/mlpack/tests/recurrent_network_test.cpp b/src/mlpack/tests/recurrent_network_test.cpp
index 40d162c..c49ae42 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/regularized_svd_test.cpp b/src/mlpack/tests/regularized_svd_test.cpp
index b29fe84..0ba8d2f 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 <mlpack/core.hpp>
 #include <mlpack/methods/regularized_svd/regularized_svd.hpp>
diff --git a/src/mlpack/tests/rmsprop_test.cpp b/src/mlpack/tests/rmsprop_test.cpp
index b62d77f..481741a 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/sa_test.cpp b/src/mlpack/tests/sa_test.cpp
index 671adc9..d3a3685 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 <mlpack/core.hpp>
 #include <mlpack/core/optimizers/sa/sa.hpp>
diff --git a/src/mlpack/tests/sdp_primal_dual_test.cpp b/src/mlpack/tests/sdp_primal_dual_test.cpp
index 0c42ea1..9d5103d 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 <mlpack/core.hpp>
 #include <mlpack/core/optimizers/sdp/sdp.hpp>
diff --git a/src/mlpack/tests/serialization.cpp b/src/mlpack/tests/serialization.cpp
index 6454a23..81af583 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 a53a6e8..ef7e759 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 e6aecc7..fd9925b 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 <mlpack/core.hpp>
 
diff --git a/src/mlpack/tests/sgd_test.cpp b/src/mlpack/tests/sgd_test.cpp
index a8f389b..27f8b64 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 <mlpack/core.hpp>
 #include <mlpack/core/optimizers/sgd/sgd.hpp>
diff --git a/src/mlpack/tests/softmax_regression_test.cpp b/src/mlpack/tests/softmax_regression_test.cpp
index 4fe8568..d749582 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 <mlpack/core.hpp>
 #include <mlpack/methods/softmax_regression/softmax_regression.hpp>
diff --git a/src/mlpack/tests/sort_policy_test.cpp b/src/mlpack/tests/sort_policy_test.cpp
index 5cf4b56..6bdeced 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 <mlpack/core.hpp>
 #include <mlpack/core/tree/binary_space_tree.hpp>
diff --git a/src/mlpack/tests/sparse_autoencoder_test.cpp b/src/mlpack/tests/sparse_autoencoder_test.cpp
index 24d0cc6..463b40d 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 <mlpack/core.hpp>
 #include <mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp>
diff --git a/src/mlpack/tests/sparse_coding_test.cpp b/src/mlpack/tests/sparse_coding_test.cpp
index 6815405..93f9702 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 b5a3628..e972c48 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 <mlpack/core.hpp>
diff --git a/src/mlpack/tests/split_data_test.cpp b/src/mlpack/tests/split_data_test.cpp
index 1c52f63..2846307 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 <mlpack/core.hpp>
 #include <mlpack/core/data/split_data.hpp>
diff --git a/src/mlpack/tests/svd_batch_test.cpp b/src/mlpack/tests/svd_batch_test.cpp
index 45f9a12..fee96ec 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 4fdd4e4..5b47e44 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 945d82c..1afa4ba 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 <mlpack/core.hpp>
 #include <mlpack/methods/amf/amf.hpp>
diff --git a/src/mlpack/tests/test_tools.hpp b/src/mlpack/tests/test_tools.hpp
index 7b5edcc..a61e591 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 d4bbb9e..f0463c7 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 <mlpack/core.hpp>
 #include <mlpack/core/tree/bounds.hpp>
diff --git a/src/mlpack/tests/tree_traits_test.cpp b/src/mlpack/tests/tree_traits_test.cpp
index cf0395d..1ed19d9 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 <mlpack/core.hpp>
 #include <mlpack/core/tree/tree_traits.hpp>
diff --git a/src/mlpack/tests/ub_tree_test.cpp b/src/mlpack/tests/ub_tree_test.cpp
index 426f4b0..70c202b 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 5a9350d..5181530 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 at 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 <mlpack/methods/emst/union_find.hpp>
 
diff --git a/src/mlpack/tests/vantage_point_tree_test.cpp b/src/mlpack/tests/vantage_point_tree_test.cpp
index a4b6fb2..ba60f2d 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 <mlpack/core.hpp>
 #include <mlpack/core/tree/bounds.hpp>

-- 
Alioth's /usr/local/bin/git-commit-notice on /srv/git.debian.org/git/debian-science/packages/mlpack.git



More information about the debian-science-commits mailing list