From 55a515b1a248ccd0e411c1597d427282298c3d8c Mon Sep 17 00:00:00 2001 From: Falit Date: Wed, 2 Mar 2016 12:05:50 +0530 Subject: [PATCH 1/2] Removed trailing underscores in header guards. Resolved issue #533 --- CMake/CreateArmaConfigInfo.cmake | 4 ++-- src/mlpack/core.hpp | 4 ++-- src/mlpack/core/arma_extend/arma_extend.hpp | 4 ++-- src/mlpack/core/data/dataset_info.hpp | 4 ++-- src/mlpack/core/data/dataset_info_impl.hpp | 4 ++-- src/mlpack/core/data/extension.hpp | 4 ++-- src/mlpack/core/data/format.hpp | 4 ++-- src/mlpack/core/data/load.hpp | 4 ++-- src/mlpack/core/data/load_arff.hpp | 4 ++-- src/mlpack/core/data/load_arff_impl.hpp | 4 ++-- src/mlpack/core/data/load_impl.hpp | 4 ++-- src/mlpack/core/data/normalize_labels.hpp | 4 ++-- src/mlpack/core/data/normalize_labels_impl.hpp | 4 ++-- src/mlpack/core/data/save.hpp | 4 ++-- src/mlpack/core/data/save_impl.hpp | 4 ++-- src/mlpack/core/data/serialization_shim.hpp | 4 ++-- src/mlpack/core/dists/discrete_distribution.hpp | 4 ++-- src/mlpack/core/dists/gaussian_distribution.hpp | 4 ++-- src/mlpack/core/dists/laplace_distribution.hpp | 4 ++-- src/mlpack/core/dists/regression_distribution.hpp | 4 ++-- src/mlpack/core/kernels/cosine_distance.hpp | 4 ++-- src/mlpack/core/kernels/cosine_distance_impl.hpp | 4 ++-- src/mlpack/core/kernels/epanechnikov_kernel.hpp | 4 ++-- src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp | 4 ++-- src/mlpack/core/kernels/example_kernel.hpp | 4 ++-- src/mlpack/core/kernels/gaussian_kernel.hpp | 4 ++-- src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp | 4 ++-- src/mlpack/core/kernels/kernel_traits.hpp | 4 ++-- src/mlpack/core/kernels/laplacian_kernel.hpp | 4 ++-- src/mlpack/core/kernels/linear_kernel.hpp | 4 ++-- src/mlpack/core/kernels/polynomial_kernel.hpp | 4 ++-- src/mlpack/core/kernels/pspectrum_string_kernel.hpp | 4 ++-- .../core/kernels/pspectrum_string_kernel_impl.hpp | 4 ++-- src/mlpack/core/kernels/spherical_kernel.hpp | 4 ++-- src/mlpack/core/kernels/triangular_kernel.hpp | 4 ++-- src/mlpack/core/math/clamp.hpp | 4 ++-- src/mlpack/core/math/columns_to_blocks.hpp | 4 ++-- src/mlpack/core/math/lin_alg.hpp | 4 ++-- src/mlpack/core/math/lin_alg_impl.hpp | 4 ++-- src/mlpack/core/math/random.hpp | 4 ++-- src/mlpack/core/math/random_basis.hpp | 4 ++-- src/mlpack/core/math/range.hpp | 4 ++-- src/mlpack/core/math/range_impl.hpp | 4 ++-- src/mlpack/core/math/round.hpp | 4 ++-- src/mlpack/core/metrics/ip_metric.hpp | 4 ++-- src/mlpack/core/metrics/ip_metric_impl.hpp | 4 ++-- src/mlpack/core/metrics/lmetric.hpp | 4 ++-- src/mlpack/core/metrics/lmetric_impl.hpp | 4 ++-- src/mlpack/core/metrics/mahalanobis_distance.hpp | 4 ++-- src/mlpack/core/metrics/mahalanobis_distance_impl.hpp | 4 ++-- .../core/optimizers/aug_lagrangian/aug_lagrangian.hpp | 4 ++-- .../aug_lagrangian/aug_lagrangian_function.hpp | 4 ++-- .../aug_lagrangian/aug_lagrangian_function_impl.hpp | 4 ++-- .../optimizers/aug_lagrangian/aug_lagrangian_impl.hpp | 4 ++-- .../aug_lagrangian/aug_lagrangian_test_functions.hpp | 4 ++-- src/mlpack/core/optimizers/lbfgs/lbfgs.hpp | 4 ++-- src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp | 4 ++-- src/mlpack/core/optimizers/lbfgs/test_functions.hpp | 4 ++-- .../core/optimizers/minibatch_sgd/minibatch_sgd.hpp | 4 ++-- .../optimizers/minibatch_sgd/minibatch_sgd_impl.hpp | 4 ++-- src/mlpack/core/optimizers/rmsprop/rmsprop.hpp | 4 ++-- src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp | 4 ++-- src/mlpack/core/optimizers/sa/exponential_schedule.hpp | 4 ++-- src/mlpack/core/optimizers/sa/sa.hpp | 4 ++-- src/mlpack/core/optimizers/sa/sa_impl.hpp | 4 ++-- src/mlpack/core/optimizers/sdp/lrsdp.hpp | 4 ++-- src/mlpack/core/optimizers/sdp/lrsdp_function.hpp | 4 ++-- src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp | 4 ++-- src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp | 4 ++-- src/mlpack/core/optimizers/sdp/primal_dual.hpp | 4 ++-- src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp | 4 ++-- src/mlpack/core/optimizers/sdp/sdp.hpp | 4 ++-- src/mlpack/core/optimizers/sdp/sdp_impl.hpp | 4 ++-- src/mlpack/core/optimizers/sgd/sgd.hpp | 4 ++-- src/mlpack/core/optimizers/sgd/sgd_impl.hpp | 4 ++-- src/mlpack/core/optimizers/sgd/test_function.hpp | 4 ++-- src/mlpack/core/tree/ballbound.hpp | 4 ++-- src/mlpack/core/tree/ballbound_impl.hpp | 4 ++-- src/mlpack/core/tree/binary_space_tree.hpp | 4 ++-- .../core/tree/binary_space_tree/binary_space_tree.hpp | 4 ++-- .../tree/binary_space_tree/binary_space_tree_impl.hpp | 4 ++-- .../breadth_first_dual_tree_traverser.hpp | 4 ++-- .../breadth_first_dual_tree_traverser_impl.hpp | 4 ++-- .../tree/binary_space_tree/dual_tree_traverser.hpp | 4 ++-- .../binary_space_tree/dual_tree_traverser_impl.hpp | 4 ++-- src/mlpack/core/tree/binary_space_tree/mean_split.hpp | 4 ++-- .../core/tree/binary_space_tree/mean_split_impl.hpp | 4 ++-- .../core/tree/binary_space_tree/midpoint_split.hpp | 4 ++-- .../tree/binary_space_tree/midpoint_split_impl.hpp | 4 ++-- .../tree/binary_space_tree/single_tree_traverser.hpp | 4 ++-- .../binary_space_tree/single_tree_traverser_impl.hpp | 4 ++-- src/mlpack/core/tree/binary_space_tree/traits.hpp | 4 ++-- src/mlpack/core/tree/binary_space_tree/typedef.hpp | 4 ++-- src/mlpack/core/tree/bound_traits.hpp | 4 ++-- src/mlpack/core/tree/bounds.hpp | 4 ++-- src/mlpack/core/tree/cosine_tree/cosine_tree.hpp | 4 ++-- src/mlpack/core/tree/cover_tree.hpp | 4 ++-- src/mlpack/core/tree/cover_tree/cover_tree.hpp | 4 ++-- src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp | 4 ++-- .../core/tree/cover_tree/dual_tree_traverser.hpp | 4 ++-- .../core/tree/cover_tree/dual_tree_traverser_impl.hpp | 4 ++-- .../core/tree/cover_tree/first_point_is_root.hpp | 4 ++-- .../core/tree/cover_tree/single_tree_traverser.hpp | 4 ++-- .../tree/cover_tree/single_tree_traverser_impl.hpp | 4 ++-- src/mlpack/core/tree/cover_tree/traits.hpp | 4 ++-- src/mlpack/core/tree/cover_tree/typedef.hpp | 4 ++-- src/mlpack/core/tree/example_tree.hpp | 4 ++-- src/mlpack/core/tree/hrectbound.hpp | 4 ++-- src/mlpack/core/tree/hrectbound_impl.hpp | 4 ++-- src/mlpack/core/tree/rectangle_tree.hpp | 4 ++-- .../core/tree/rectangle_tree/dual_tree_traverser.hpp | 4 ++-- .../tree/rectangle_tree/dual_tree_traverser_impl.hpp | 4 ++-- .../rectangle_tree/r_star_tree_descent_heuristic.hpp | 4 ++-- .../r_star_tree_descent_heuristic_impl.hpp | 4 ++-- .../core/tree/rectangle_tree/r_star_tree_split.hpp | 4 ++-- .../tree/rectangle_tree/r_star_tree_split_impl.hpp | 4 ++-- .../tree/rectangle_tree/r_tree_descent_heuristic.hpp | 4 ++-- .../rectangle_tree/r_tree_descent_heuristic_impl.hpp | 4 ++-- src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp | 4 ++-- .../core/tree/rectangle_tree/r_tree_split_impl.hpp | 4 ++-- src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp | 4 ++-- .../core/tree/rectangle_tree/rectangle_tree_impl.hpp | 4 ++-- .../core/tree/rectangle_tree/single_tree_traverser.hpp | 4 ++-- .../tree/rectangle_tree/single_tree_traverser_impl.hpp | 4 ++-- src/mlpack/core/tree/rectangle_tree/traits.hpp | 4 ++-- src/mlpack/core/tree/rectangle_tree/typedef.hpp | 4 ++-- src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp | 4 ++-- .../core/tree/rectangle_tree/x_tree_split_impl.hpp | 4 ++-- src/mlpack/core/tree/statistic.hpp | 4 ++-- src/mlpack/core/tree/traversal_info.hpp | 4 ++-- src/mlpack/core/tree/tree_traits.hpp | 4 ++-- src/mlpack/core/util/arma_config_check.hpp | 4 ++-- src/mlpack/core/util/arma_traits.hpp | 4 ++-- src/mlpack/core/util/cli.hpp | 4 ++-- src/mlpack/core/util/cli_deleter.hpp | 4 ++-- src/mlpack/core/util/cli_impl.hpp | 4 ++-- src/mlpack/core/util/log.hpp | 4 ++-- src/mlpack/core/util/nulloutstream.hpp | 4 ++-- src/mlpack/core/util/option.hpp | 4 ++-- src/mlpack/core/util/option_impl.hpp | 4 ++-- src/mlpack/core/util/prefixedoutstream.hpp | 4 ++-- src/mlpack/core/util/prefixedoutstream_impl.hpp | 4 ++-- src/mlpack/core/util/sfinae_utility.hpp | 4 ++-- src/mlpack/core/util/string_util.hpp | 4 ++-- src/mlpack/core/util/timers.hpp | 4 ++-- src/mlpack/core/util/version.cpp | 2 +- src/mlpack/core/util/version.hpp | 10 +++++----- src/mlpack/methods/adaboost/adaboost.hpp | 4 ++-- src/mlpack/methods/adaboost/adaboost_impl.hpp | 4 ++-- src/mlpack/methods/amf/amf.hpp | 4 ++-- src/mlpack/methods/amf/init_rules/average_init.hpp | 4 ++-- src/mlpack/methods/amf/init_rules/random_acol_init.hpp | 4 ++-- src/mlpack/methods/amf/init_rules/random_init.hpp | 4 ++-- .../complete_incremental_termination.hpp | 4 ++-- .../termination_policies/max_iteration_termination.hpp | 4 ++-- src/mlpack/methods/amf/update_rules/nmf_als.hpp | 4 ++-- src/mlpack/methods/amf/update_rules/nmf_mult_dist.hpp | 4 ++-- src/mlpack/methods/amf/update_rules/nmf_mult_div.hpp | 4 ++-- .../methods/amf/update_rules/svd_batch_learning.hpp | 4 ++-- .../update_rules/svd_complete_incremental_learning.hpp | 4 ++-- .../svd_incomplete_incremental_learning.hpp | 4 ++-- .../ann/activation_functions/identity_function.hpp | 4 ++-- .../ann/activation_functions/logistic_function.hpp | 4 ++-- .../ann/activation_functions/rectifier_function.hpp | 4 ++-- .../ann/activation_functions/softsign_function.hpp | 4 ++-- .../methods/ann/activation_functions/tanh_function.hpp | 4 ++-- src/mlpack/methods/ann/cnn.hpp | 4 ++-- src/mlpack/methods/ann/cnn_impl.hpp | 4 ++-- .../methods/ann/convolution_rules/border_modes.hpp | 4 ++-- .../methods/ann/convolution_rules/fft_convolution.hpp | 4 ++-- .../ann/convolution_rules/naive_convolution.hpp | 4 ++-- .../methods/ann/convolution_rules/svd_convolution.hpp | 4 ++-- src/mlpack/methods/ann/ffn.hpp | 4 ++-- src/mlpack/methods/ann/ffn_impl.hpp | 4 ++-- .../init_rules/kathirvalavakumar_subavathi_init.hpp | 4 ++-- .../methods/ann/init_rules/nguyen_widrow_init.hpp | 4 ++-- src/mlpack/methods/ann/init_rules/oivs_init.hpp | 4 ++-- src/mlpack/methods/ann/init_rules/orthogonal_init.hpp | 4 ++-- src/mlpack/methods/ann/init_rules/random_init.hpp | 4 ++-- src/mlpack/methods/ann/init_rules/zero_init.hpp | 4 ++-- src/mlpack/methods/ann/layer/base_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/bias_layer.hpp | 4 ++-- .../methods/ann/layer/binary_classification_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/conv_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/dropout_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/layer_traits.hpp | 4 ++-- src/mlpack/methods/ann/layer/linear_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/lstm_layer.hpp | 4 ++-- .../ann/layer/multiclass_classification_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/one_hot_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/pooling_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/recurrent_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/softmax_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/sparse_bias_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/sparse_input_layer.hpp | 4 ++-- src/mlpack/methods/ann/layer/sparse_output_layer.hpp | 4 ++-- src/mlpack/methods/ann/network_traits.hpp | 4 ++-- src/mlpack/methods/ann/network_util.hpp | 4 ++-- src/mlpack/methods/ann/network_util_impl.hpp | 4 ++-- src/mlpack/methods/ann/optimizer/ada_delta.hpp | 4 ++-- src/mlpack/methods/ann/optimizer/adam.hpp | 4 ++-- src/mlpack/methods/ann/optimizer/rmsprop.hpp | 4 ++-- src/mlpack/methods/ann/optimizer/steepest_descent.hpp | 4 ++-- .../methods/ann/performance_functions/cee_function.hpp | 4 ++-- .../methods/ann/performance_functions/mse_function.hpp | 4 ++-- .../ann/performance_functions/sparse_function.hpp | 4 ++-- .../methods/ann/performance_functions/sse_function.hpp | 4 ++-- src/mlpack/methods/ann/pooling_rules/max_pooling.hpp | 4 ++-- src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp | 4 ++-- src/mlpack/methods/ann/rnn.hpp | 4 ++-- src/mlpack/methods/ann/rnn_impl.hpp | 4 ++-- src/mlpack/methods/ann/trainer/trainer.hpp | 4 ++-- src/mlpack/methods/cf/cf.hpp | 4 ++-- src/mlpack/methods/cf/cf_impl.hpp | 4 ++-- src/mlpack/methods/cf/svd_wrapper.hpp | 4 ++-- src/mlpack/methods/decision_stump/decision_stump.hpp | 4 ++-- .../methods/decision_stump/decision_stump_impl.hpp | 4 ++-- src/mlpack/methods/det/dt_utils.hpp | 4 ++-- src/mlpack/methods/det/dtree.hpp | 4 ++-- src/mlpack/methods/emst/dtb.hpp | 4 ++-- src/mlpack/methods/emst/dtb_impl.hpp | 4 ++-- src/mlpack/methods/emst/dtb_rules.hpp | 4 ++-- src/mlpack/methods/emst/dtb_rules_impl.hpp | 4 ++-- src/mlpack/methods/emst/dtb_stat.hpp | 4 ++-- src/mlpack/methods/emst/edge_pair.hpp | 4 ++-- src/mlpack/methods/emst/union_find.hpp | 4 ++-- src/mlpack/methods/fastmks/fastmks.hpp | 4 ++-- src/mlpack/methods/fastmks/fastmks_impl.hpp | 4 ++-- src/mlpack/methods/fastmks/fastmks_model.hpp | 4 ++-- src/mlpack/methods/fastmks/fastmks_model_impl.hpp | 4 ++-- src/mlpack/methods/fastmks/fastmks_rules.hpp | 4 ++-- src/mlpack/methods/fastmks/fastmks_rules_impl.hpp | 4 ++-- src/mlpack/methods/fastmks/fastmks_stat.hpp | 4 ++-- src/mlpack/methods/gmm/diagonal_constraint.hpp | 4 ++-- src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp | 4 ++-- src/mlpack/methods/gmm/em_fit.hpp | 4 ++-- src/mlpack/methods/gmm/em_fit_impl.hpp | 4 ++-- src/mlpack/methods/gmm/gmm.hpp | 4 ++-- src/mlpack/methods/gmm/gmm_impl.hpp | 4 ++-- src/mlpack/methods/gmm/no_constraint.hpp | 4 ++-- .../methods/gmm/positive_definite_constraint.hpp | 4 ++-- src/mlpack/methods/hmm/hmm.hpp | 4 ++-- src/mlpack/methods/hmm/hmm_impl.hpp | 4 ++-- src/mlpack/methods/hmm/hmm_regression.hpp | 4 ++-- src/mlpack/methods/hmm/hmm_regression_impl.hpp | 4 ++-- src/mlpack/methods/hmm/hmm_util.hpp | 4 ++-- src/mlpack/methods/hmm/hmm_util_impl.hpp | 4 ++-- .../methods/hoeffding_trees/binary_numeric_split.hpp | 4 ++-- .../hoeffding_trees/binary_numeric_split_impl.hpp | 4 ++-- .../hoeffding_trees/binary_numeric_split_info.hpp | 4 ++-- .../methods/hoeffding_trees/categorical_split_info.hpp | 4 ++-- src/mlpack/methods/hoeffding_trees/gini_impurity.hpp | 4 ++-- .../hoeffding_trees/hoeffding_categorical_split.hpp | 4 ++-- .../hoeffding_categorical_split_impl.hpp | 4 ++-- .../hoeffding_trees/hoeffding_numeric_split.hpp | 4 ++-- .../hoeffding_trees/hoeffding_numeric_split_impl.hpp | 4 ++-- src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp | 4 ++-- .../methods/hoeffding_trees/hoeffding_tree_impl.hpp | 4 ++-- .../methods/hoeffding_trees/information_gain.hpp | 4 ++-- .../methods/hoeffding_trees/numeric_split_info.hpp | 4 ++-- src/mlpack/methods/hoeffding_trees/typedef.hpp | 4 ++-- src/mlpack/methods/kernel_pca/kernel_pca.hpp | 4 ++-- src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp | 4 ++-- .../methods/kernel_pca/kernel_rules/naive_method.hpp | 4 ++-- .../kernel_pca/kernel_rules/nystroem_method.hpp | 4 ++-- src/mlpack/methods/kmeans/allow_empty_clusters.hpp | 4 ++-- src/mlpack/methods/kmeans/dual_tree_kmeans.hpp | 4 ++-- src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp | 4 ++-- src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp | 4 ++-- .../methods/kmeans/dual_tree_kmeans_rules_impl.hpp | 4 ++-- .../methods/kmeans/dual_tree_kmeans_statistic.hpp | 4 ++-- src/mlpack/methods/kmeans/elkan_kmeans.hpp | 4 ++-- src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp | 4 ++-- src/mlpack/methods/kmeans/hamerly_kmeans.hpp | 4 ++-- src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp | 4 ++-- src/mlpack/methods/kmeans/kmeans.hpp | 4 ++-- src/mlpack/methods/kmeans/max_variance_new_cluster.hpp | 4 ++-- .../methods/kmeans/max_variance_new_cluster_impl.hpp | 4 ++-- src/mlpack/methods/kmeans/naive_kmeans.hpp | 4 ++-- src/mlpack/methods/kmeans/naive_kmeans_impl.hpp | 4 ++-- src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp | 4 ++-- src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp | 4 ++-- .../methods/kmeans/pelleg_moore_kmeans_rules.hpp | 4 ++-- .../methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp | 4 ++-- .../methods/kmeans/pelleg_moore_kmeans_statistic.hpp | 4 ++-- src/mlpack/methods/kmeans/random_partition.hpp | 4 ++-- src/mlpack/methods/kmeans/refined_start.hpp | 4 ++-- src/mlpack/methods/kmeans/refined_start_impl.hpp | 4 ++-- src/mlpack/methods/lars/lars.hpp | 4 ++-- src/mlpack/methods/lars/lars_impl.hpp | 4 ++-- .../methods/linear_regression/linear_regression.hpp | 4 ++-- src/mlpack/methods/local_coordinate_coding/lcc.hpp | 4 ++-- .../methods/local_coordinate_coding/lcc_impl.hpp | 4 ++-- .../logistic_regression/logistic_regression.hpp | 4 ++-- .../logistic_regression_function.hpp | 4 ++-- .../logistic_regression_function_impl.hpp | 4 ++-- .../logistic_regression/logistic_regression_impl.hpp | 4 ++-- src/mlpack/methods/lsh/lsh_search.hpp | 4 ++-- src/mlpack/methods/lsh/lsh_search_impl.hpp | 4 ++-- .../methods/matrix_completion/matrix_completion.hpp | 4 ++-- src/mlpack/methods/mean_shift/mean_shift.hpp | 4 ++-- src/mlpack/methods/mean_shift/mean_shift_impl.hpp | 4 ++-- src/mlpack/methods/mvu/mvu.hpp | 4 ++-- .../methods/naive_bayes/naive_bayes_classifier.hpp | 4 ++-- .../naive_bayes/naive_bayes_classifier_impl.hpp | 4 ++-- src/mlpack/methods/nca/nca.hpp | 4 ++-- src/mlpack/methods/nca/nca_impl.hpp | 4 ++-- src/mlpack/methods/nca/nca_softmax_error_function.hpp | 4 ++-- .../methods/nca/nca_softmax_error_function_impl.hpp | 4 ++-- src/mlpack/methods/neighbor_search/neighbor_search.hpp | 4 ++-- .../methods/neighbor_search/neighbor_search_impl.hpp | 4 ++-- .../methods/neighbor_search/neighbor_search_rules.hpp | 4 ++-- .../neighbor_search/neighbor_search_rules_impl.hpp | 4 ++-- .../methods/neighbor_search/neighbor_search_stat.hpp | 4 ++-- src/mlpack/methods/neighbor_search/ns_model.hpp | 4 ++-- src/mlpack/methods/neighbor_search/ns_model_impl.hpp | 4 ++-- .../methods/neighbor_search/ns_traversal_info.hpp | 4 ++-- .../sort_policies/furthest_neighbor_sort.hpp | 4 ++-- .../sort_policies/furthest_neighbor_sort_impl.hpp | 4 ++-- .../sort_policies/nearest_neighbor_sort.hpp | 4 ++-- .../sort_policies/nearest_neighbor_sort_impl.hpp | 4 ++-- src/mlpack/methods/neighbor_search/typedef.hpp | 4 ++-- src/mlpack/methods/neighbor_search/unmap.hpp | 4 ++-- .../methods/nystroem_method/kmeans_selection.hpp | 4 ++-- src/mlpack/methods/nystroem_method/nystroem_method.hpp | 4 ++-- .../methods/nystroem_method/nystroem_method_impl.hpp | 4 ++-- .../methods/nystroem_method/ordered_selection.hpp | 4 ++-- .../methods/nystroem_method/random_selection.hpp | 4 ++-- src/mlpack/methods/pca/pca.hpp | 4 ++-- .../perceptron/initialization_methods/random_init.hpp | 4 ++-- .../perceptron/initialization_methods/zero_init.hpp | 4 ++-- src/mlpack/methods/perceptron/perceptron.hpp | 4 ++-- src/mlpack/methods/perceptron/perceptron_impl.hpp | 4 ++-- src/mlpack/methods/quic_svd/quic_svd.hpp | 4 ++-- src/mlpack/methods/quic_svd/quic_svd_impl.hpp | 4 ++-- src/mlpack/methods/radical/radical.hpp | 4 ++-- src/mlpack/methods/range_search/range_search.hpp | 4 ++-- src/mlpack/methods/range_search/range_search_impl.hpp | 4 ++-- src/mlpack/methods/range_search/range_search_rules.hpp | 4 ++-- .../methods/range_search/range_search_rules_impl.hpp | 4 ++-- src/mlpack/methods/range_search/range_search_stat.hpp | 4 ++-- src/mlpack/methods/range_search/rs_model.hpp | 4 ++-- src/mlpack/methods/range_search/rs_model_impl.hpp | 4 ++-- src/mlpack/methods/rann/ra_model.hpp | 4 ++-- src/mlpack/methods/rann/ra_model_impl.hpp | 4 ++-- src/mlpack/methods/rann/ra_query_stat.hpp | 4 ++-- src/mlpack/methods/rann/ra_search.hpp | 4 ++-- src/mlpack/methods/rann/ra_search_impl.hpp | 4 ++-- src/mlpack/methods/rann/ra_search_rules.hpp | 4 ++-- src/mlpack/methods/rann/ra_search_rules_impl.hpp | 4 ++-- src/mlpack/methods/rann/ra_typedef.hpp | 4 ++-- src/mlpack/methods/rann/ra_util.hpp | 4 ++-- src/mlpack/methods/regularized_svd/regularized_svd.hpp | 4 ++-- .../regularized_svd/regularized_svd_function.hpp | 4 ++-- .../methods/regularized_svd/regularized_svd_impl.hpp | 4 ++-- .../methods/softmax_regression/softmax_regression.hpp | 4 ++-- .../softmax_regression/softmax_regression_function.hpp | 4 ++-- .../softmax_regression/softmax_regression_impl.hpp | 4 ++-- .../methods/sparse_autoencoder/maximal_inputs.hpp | 4 ++-- .../methods/sparse_autoencoder/sparse_autoencoder.hpp | 4 ++-- .../sparse_autoencoder/sparse_autoencoder_function.hpp | 4 ++-- .../sparse_autoencoder/sparse_autoencoder_impl.hpp | 4 ++-- .../data_dependent_random_initializer.hpp | 4 ++-- .../methods/sparse_coding/nothing_initializer.hpp | 4 ++-- .../methods/sparse_coding/random_initializer.hpp | 4 ++-- src/mlpack/methods/sparse_coding/sparse_coding.hpp | 4 ++-- .../methods/sparse_coding/sparse_coding_impl.hpp | 4 ++-- src/mlpack/prereqs.hpp | 4 ++-- src/mlpack/tests/old_boost_test_definitions.hpp | 4 ++-- src/mlpack/tests/serialization.hpp | 4 ++-- 370 files changed, 742 insertions(+), 742 deletions(-) diff --git a/CMake/CreateArmaConfigInfo.cmake b/CMake/CreateArmaConfigInfo.cmake index 5860efa9a9e..9a92b756c3b 100644 --- a/CMake/CreateArmaConfigInfo.cmake +++ b/CMake/CreateArmaConfigInfo.cmake @@ -62,8 +62,8 @@ set(NEW_FILE_CONTENTS * * In short: don't touch this file. */ -#ifndef __MLPACK_CORE_UTIL_ARMA_CONFIG_HPP -#define __MLPACK_CORE_UTIL_ARMA_CONFIG_HPP +#ifndef MLPACK_CORE_UTIL_ARMA_CONFIG_HPP +#define MLPACK_CORE_UTIL_ARMA_CONFIG_HPP ${ARMA_64BIT_WORD_DEFINE} diff --git a/src/mlpack/core.hpp b/src/mlpack/core.hpp index 3896276e202..9c45335173d 100644 --- a/src/mlpack/core.hpp +++ b/src/mlpack/core.hpp @@ -4,8 +4,8 @@ * Include all of the base components required to write MLPACK methods, and the * main MLPACK Doxygen documentation. */ -#ifndef __MLPACK_CORE_HPP -#define __MLPACK_CORE_HPP +#ifndef MLPACK_CORE_HPP +#define MLPACK_CORE_HPP /** * @mainpage mlpack Documentation diff --git a/src/mlpack/core/arma_extend/arma_extend.hpp b/src/mlpack/core/arma_extend/arma_extend.hpp index 65689ca7a3c..5eb43163bcb 100644 --- a/src/mlpack/core/arma_extend/arma_extend.hpp +++ b/src/mlpack/core/arma_extend/arma_extend.hpp @@ -9,8 +9,8 @@ * function as cov(trans(X)) but without the cost of computing trans(X)). This * also gives sparse matrix support, if it is necessary. */ -#ifndef __MLPACK_CORE_ARMA_EXTEND_ARMA_EXTEND_HPP -#define __MLPACK_CORE_ARMA_EXTEND_ARMA_EXTEND_HPP +#ifndef MLPACK_CORE_ARMA_EXTEND_ARMA_EXTEND_HPP +#define MLPACK_CORE_ARMA_EXTEND_ARMA_EXTEND_HPP // Add batch constructor for sparse matrix (if version <= 3.810.0). #define ARMA_EXTRA_SPMAT_PROTO mlpack/core/arma_extend/SpMat_extra_bones.hpp diff --git a/src/mlpack/core/data/dataset_info.hpp b/src/mlpack/core/data/dataset_info.hpp index 5ad688d7748..29cb16e8e64 100644 --- a/src/mlpack/core/data/dataset_info.hpp +++ b/src/mlpack/core/data/dataset_info.hpp @@ -6,8 +6,8 @@ * is useful when the dataset contains categorical non-numeric features that * needs to be mapped to categorical numeric features. */ -#ifndef __MLPACK_CORE_DATA_DATASET_INFO_HPP -#define __MLPACK_CORE_DATA_DATASET_INFO_HPP +#ifndef MLPACK_CORE_DATA_DATASET_INFO_HPP +#define MLPACK_CORE_DATA_DATASET_INFO_HPP #include #include diff --git a/src/mlpack/core/data/dataset_info_impl.hpp b/src/mlpack/core/data/dataset_info_impl.hpp index 4c6002f44b6..a3ee24dc576 100644 --- a/src/mlpack/core/data/dataset_info_impl.hpp +++ b/src/mlpack/core/data/dataset_info_impl.hpp @@ -4,8 +4,8 @@ * * An implementation of the DatasetInfo class. */ -#ifndef __MLPACK_CORE_DATA_DATASET_INFO_IMPL_HPP -#define __MLPACK_CORE_DATA_DATASET_INFO_IMPL_HPP +#ifndef MLPACK_CORE_DATA_DATASET_INFO_IMPL_HPP +#define MLPACK_CORE_DATA_DATASET_INFO_IMPL_HPP // In case it hasn't already been included. #include "dataset_info.hpp" diff --git a/src/mlpack/core/data/extension.hpp b/src/mlpack/core/data/extension.hpp index dd4990850c4..516a41c163d 100644 --- a/src/mlpack/core/data/extension.hpp +++ b/src/mlpack/core/data/extension.hpp @@ -5,8 +5,8 @@ * Given a filename, extract its extension. This is used by data::Load() and * data::Save(). */ -#ifndef __MLPACK_CORE_DATA_EXTENSION_HPP -#define __MLPACK_CORE_DATA_EXTENSION_HPP +#ifndef MLPACK_CORE_DATA_EXTENSION_HPP +#define MLPACK_CORE_DATA_EXTENSION_HPP #include diff --git a/src/mlpack/core/data/format.hpp b/src/mlpack/core/data/format.hpp index 0eaccca5304..9e0a085e91b 100644 --- a/src/mlpack/core/data/format.hpp +++ b/src/mlpack/core/data/format.hpp @@ -5,8 +5,8 @@ * Define the formats that can be used by mlpack's Load() and Save() mechanisms * via boost::serialization. */ -#ifndef __MLPACK_CORE_DATA_FORMATS_HPP -#define __MLPACK_CORE_DATA_FORMATS_HPP +#ifndef MLPACK_CORE_DATA_FORMATS_HPP +#define MLPACK_CORE_DATA_FORMATS_HPP namespace mlpack { namespace data { diff --git a/src/mlpack/core/data/load.hpp b/src/mlpack/core/data/load.hpp index 99181bba48d..19e238a9403 100644 --- a/src/mlpack/core/data/load.hpp +++ b/src/mlpack/core/data/load.hpp @@ -6,8 +6,8 @@ * not transpose matrices on input, and it allows us to give better error * output. */ -#ifndef __MLPACK_CORE_DATA_LOAD_HPP -#define __MLPACK_CORE_DATA_LOAD_HPP +#ifndef MLPACK_CORE_DATA_LOAD_HPP +#define MLPACK_CORE_DATA_LOAD_HPP #include #include // Includes Armadillo. diff --git a/src/mlpack/core/data/load_arff.hpp b/src/mlpack/core/data/load_arff.hpp index f11bda096f9..f04e38ab8bd 100644 --- a/src/mlpack/core/data/load_arff.hpp +++ b/src/mlpack/core/data/load_arff.hpp @@ -4,8 +4,8 @@ * * Load an ARFF dataset. */ -#ifndef __MLPACK_CORE_DATA_LOAD_ARFF_HPP -#define __MLPACK_CORE_DATA_LOAD_ARFF_HPP +#ifndef MLPACK_CORE_DATA_LOAD_ARFF_HPP +#define MLPACK_CORE_DATA_LOAD_ARFF_HPP #include diff --git a/src/mlpack/core/data/load_arff_impl.hpp b/src/mlpack/core/data/load_arff_impl.hpp index 2f87aea6b0b..68c9184fe71 100644 --- a/src/mlpack/core/data/load_arff_impl.hpp +++ b/src/mlpack/core/data/load_arff_impl.hpp @@ -4,8 +4,8 @@ * * Load an ARFF dataset. */ -#ifndef __MLPACK_CORE_DATA_LOAD_ARFF_IMPL_HPP -#define __MLPACK_CORE_DATA_LOAD_ARFF_IMPL_HPP +#ifndef MLPACK_CORE_DATA_LOAD_ARFF_IMPL_HPP +#define MLPACK_CORE_DATA_LOAD_ARFF_IMPL_HPP // In case it hasn't been included yet. #include "load_arff.hpp" diff --git a/src/mlpack/core/data/load_impl.hpp b/src/mlpack/core/data/load_impl.hpp index 4026bd9621f..ce729cb6c61 100644 --- a/src/mlpack/core/data/load_impl.hpp +++ b/src/mlpack/core/data/load_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of templatized load() function defined in load.hpp. */ -#ifndef __MLPACK_CORE_DATA_LOAD_IMPL_HPP -#define __MLPACK_CORE_DATA_LOAD_IMPL_HPP +#ifndef MLPACK_CORE_DATA_LOAD_IMPL_HPP +#define MLPACK_CORE_DATA_LOAD_IMPL_HPP // In case it hasn't already been included. #include "load.hpp" diff --git a/src/mlpack/core/data/normalize_labels.hpp b/src/mlpack/core/data/normalize_labels.hpp index 360869f927b..ee39deec593 100644 --- a/src/mlpack/core/data/normalize_labels.hpp +++ b/src/mlpack/core/data/normalize_labels.hpp @@ -6,8 +6,8 @@ * {-1, 1} or otherwise. The purpose of this function is to normalize labels to * {0, 1, 2, ...} and provide a mapping back to those labels. */ -#ifndef __MLPACK_CORE_DATA_NORMALIZE_LABELS_HPP -#define __MLPACK_CORE_DATA_NORMALIZE_LABELS_HPP +#ifndef MLPACK_CORE_DATA_NORMALIZE_LABELS_HPP +#define MLPACK_CORE_DATA_NORMALIZE_LABELS_HPP #include diff --git a/src/mlpack/core/data/normalize_labels_impl.hpp b/src/mlpack/core/data/normalize_labels_impl.hpp index 920fa2c7a22..55b0dec6aa8 100644 --- a/src/mlpack/core/data/normalize_labels_impl.hpp +++ b/src/mlpack/core/data/normalize_labels_impl.hpp @@ -5,8 +5,8 @@ * Implementation of label normalization functions; these are useful for mapping * labels to the range [0, n). */ -#ifndef __MLPACK_CORE_DATA_NORMALIZE_LABELS_IMPL_HPP -#define __MLPACK_CORE_DATA_NORMALIZE_LABELS_IMPL_HPP +#ifndef MLPACK_CORE_DATA_NORMALIZE_LABELS_IMPL_HPP +#define MLPACK_CORE_DATA_NORMALIZE_LABELS_IMPL_HPP // In case it hasn't been included yet. #include "normalize_labels.hpp" diff --git a/src/mlpack/core/data/save.hpp b/src/mlpack/core/data/save.hpp index 2a70b269aaa..0836ed6485f 100644 --- a/src/mlpack/core/data/save.hpp +++ b/src/mlpack/core/data/save.hpp @@ -6,8 +6,8 @@ * not transpose matrices upon saving, and it allows us to give better error * output. */ -#ifndef __MLPACK_CORE_DATA_SAVE_HPP -#define __MLPACK_CORE_DATA_SAVE_HPP +#ifndef MLPACK_CORE_DATA_SAVE_HPP +#define MLPACK_CORE_DATA_SAVE_HPP #include #include // Includes Armadillo. diff --git a/src/mlpack/core/data/save_impl.hpp b/src/mlpack/core/data/save_impl.hpp index 0dd302ea6e0..f2431c7b289 100644 --- a/src/mlpack/core/data/save_impl.hpp +++ b/src/mlpack/core/data/save_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of save functionality. */ -#ifndef __MLPACK_CORE_DATA_SAVE_IMPL_HPP -#define __MLPACK_CORE_DATA_SAVE_IMPL_HPP +#ifndef MLPACK_CORE_DATA_SAVE_IMPL_HPP +#define MLPACK_CORE_DATA_SAVE_IMPL_HPP // In case it hasn't already been included. #include "save.hpp" diff --git a/src/mlpack/core/data/serialization_shim.hpp b/src/mlpack/core/data/serialization_shim.hpp index f543e0412ce..a8eaa74cde9 100644 --- a/src/mlpack/core/data/serialization_shim.hpp +++ b/src/mlpack/core/data/serialization_shim.hpp @@ -8,8 +8,8 @@ * This allows our mlpack naming conventions to remain intact, and only costs a * small amount of ridiculous template metaprogramming. */ -#ifndef __MLPACK_CORE_UTIL_SERIALIZATION_SHIM_HPP -#define __MLPACK_CORE_UTIL_SERIALIZATION_SHIM_HPP +#ifndef MLPACK_CORE_UTIL_SERIALIZATION_SHIM_HPP +#define MLPACK_CORE_UTIL_SERIALIZATION_SHIM_HPP #include #include diff --git a/src/mlpack/core/dists/discrete_distribution.hpp b/src/mlpack/core/dists/discrete_distribution.hpp index 3e65903a0f8..e3846371a54 100644 --- a/src/mlpack/core/dists/discrete_distribution.hpp +++ b/src/mlpack/core/dists/discrete_distribution.hpp @@ -5,8 +5,8 @@ * Implementation of the discrete distribution, where each discrete observation * has a given probability. */ -#ifndef __MLPACK_CORE_DISTRIBUTIONS_DISCRETE_DISTRIBUTION_HPP -#define __MLPACK_CORE_DISTRIBUTIONS_DISCRETE_DISTRIBUTION_HPP +#ifndef MLPACK_CORE_DISTRIBUTIONS_DISCRETE_DISTRIBUTION_HPP +#define MLPACK_CORE_DISTRIBUTIONS_DISCRETE_DISTRIBUTION_HPP #include diff --git a/src/mlpack/core/dists/gaussian_distribution.hpp b/src/mlpack/core/dists/gaussian_distribution.hpp index 9ba9a5afa30..f2d3fdff94c 100644 --- a/src/mlpack/core/dists/gaussian_distribution.hpp +++ b/src/mlpack/core/dists/gaussian_distribution.hpp @@ -5,8 +5,8 @@ * * Implementation of the Gaussian distribution. */ -#ifndef __MLPACK_CORE_DISTRIBUTIONS_GAUSSIAN_DISTRIBUTION_HPP -#define __MLPACK_CORE_DISTRIBUTIONS_GAUSSIAN_DISTRIBUTION_HPP +#ifndef MLPACK_CORE_DISTRIBUTIONS_GAUSSIAN_DISTRIBUTION_HPP +#define MLPACK_CORE_DISTRIBUTIONS_GAUSSIAN_DISTRIBUTION_HPP #include diff --git a/src/mlpack/core/dists/laplace_distribution.hpp b/src/mlpack/core/dists/laplace_distribution.hpp index 52d86a55f9c..6352e634e01 100644 --- a/src/mlpack/core/dists/laplace_distribution.hpp +++ b/src/mlpack/core/dists/laplace_distribution.hpp @@ -5,8 +5,8 @@ * Laplace (double exponential) distribution used in SA. */ -#ifndef __MLPACK_CORE_DISTRIBUTIONS_LAPLACE_DISTRIBUTION_HPP -#define __MLPACK_CORE_DISTRIBUTIONS_LAPLACE_DISTRIBUTION_HPP +#ifndef MLPACK_CORE_DISTRIBUTIONS_LAPLACE_DISTRIBUTION_HPP +#define MLPACK_CORE_DISTRIBUTIONS_LAPLACE_DISTRIBUTION_HPP namespace mlpack { namespace distribution { diff --git a/src/mlpack/core/dists/regression_distribution.hpp b/src/mlpack/core/dists/regression_distribution.hpp index decfa034735..22377e36701 100644 --- a/src/mlpack/core/dists/regression_distribution.hpp +++ b/src/mlpack/core/dists/regression_distribution.hpp @@ -4,8 +4,8 @@ * * Implementation of conditional Gaussian distribution for HMM regression (HMMR) */ -#ifndef __MLPACK_CORE_DISTRIBUTIONS_REGRESSION_DISTRIBUTION_HPP -#define __MLPACK_CORE_DISTRIBUTIONS_REGRESSION_DISTRIBUTION_HPP +#ifndef MLPACK_CORE_DISTRIBUTIONS_REGRESSION_DISTRIBUTION_HPP +#define MLPACK_CORE_DISTRIBUTIONS_REGRESSION_DISTRIBUTION_HPP #include #include diff --git a/src/mlpack/core/kernels/cosine_distance.hpp b/src/mlpack/core/kernels/cosine_distance.hpp index dcf3cdbf16f..41e072d0034 100644 --- a/src/mlpack/core/kernels/cosine_distance.hpp +++ b/src/mlpack/core/kernels/cosine_distance.hpp @@ -5,8 +5,8 @@ * This implements the cosine distance (or cosine similarity) between two * vectors, which is a measure of the angle between the two vectors. */ -#ifndef __MLPACK_CORE_KERNELS_COSINE_DISTANCE_HPP -#define __MLPACK_CORE_KERNELS_COSINE_DISTANCE_HPP +#ifndef MLPACK_CORE_KERNELS_COSINE_DISTANCE_HPP +#define MLPACK_CORE_KERNELS_COSINE_DISTANCE_HPP #include diff --git a/src/mlpack/core/kernels/cosine_distance_impl.hpp b/src/mlpack/core/kernels/cosine_distance_impl.hpp index ceb1bd3551b..8ec271b108c 100644 --- a/src/mlpack/core/kernels/cosine_distance_impl.hpp +++ b/src/mlpack/core/kernels/cosine_distance_impl.hpp @@ -4,8 +4,8 @@ * * This implements the cosine distance. */ -#ifndef __MLPACK_CORE_KERNELS_COSINE_DISTANCE_IMPL_HPP -#define __MLPACK_CORE_KERNELS_COSINE_DISTANCE_IMPL_HPP +#ifndef MLPACK_CORE_KERNELS_COSINE_DISTANCE_IMPL_HPP +#define MLPACK_CORE_KERNELS_COSINE_DISTANCE_IMPL_HPP #include "cosine_distance.hpp" diff --git a/src/mlpack/core/kernels/epanechnikov_kernel.hpp b/src/mlpack/core/kernels/epanechnikov_kernel.hpp index 324900f811a..5bbf6d835a2 100644 --- a/src/mlpack/core/kernels/epanechnikov_kernel.hpp +++ b/src/mlpack/core/kernels/epanechnikov_kernel.hpp @@ -4,8 +4,8 @@ * * Definition of the Epanechnikov kernel. */ -#ifndef __MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_HPP +#define MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_HPP #include diff --git a/src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp b/src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp index 8c62c08cc35..e5836d738dc 100644 --- a/src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp +++ b/src/mlpack/core/kernels/epanechnikov_kernel_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of template-based Epanechnikov kernel functions. */ -#ifndef __MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_IMPL_HPP -#define __MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_IMPL_HPP +#ifndef MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_IMPL_HPP +#define MLPACK_CORE_KERNELS_EPANECHNIKOV_KERNEL_IMPL_HPP // In case it hasn't already been included. #include "epanechnikov_kernel.hpp" diff --git a/src/mlpack/core/kernels/example_kernel.hpp b/src/mlpack/core/kernels/example_kernel.hpp index 3db0d274e91..8759971b8ee 100644 --- a/src/mlpack/core/kernels/example_kernel.hpp +++ b/src/mlpack/core/kernels/example_kernel.hpp @@ -5,8 +5,8 @@ * This is an example kernel. If you are making your own kernel, follow the * outline specified in this file. */ -#ifndef __MLPACK_CORE_KERNELS_EXAMPLE_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_EXAMPLE_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_EXAMPLE_KERNEL_HPP +#define MLPACK_CORE_KERNELS_EXAMPLE_KERNEL_HPP #include diff --git a/src/mlpack/core/kernels/gaussian_kernel.hpp b/src/mlpack/core/kernels/gaussian_kernel.hpp index dbe5fe9b3e2..b224a87df43 100644 --- a/src/mlpack/core/kernels/gaussian_kernel.hpp +++ b/src/mlpack/core/kernels/gaussian_kernel.hpp @@ -6,8 +6,8 @@ * * Implementation of the Gaussian kernel (GaussianKernel). */ -#ifndef __MLPACK_CORE_KERNELS_GAUSSIAN_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_GAUSSIAN_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_GAUSSIAN_KERNEL_HPP +#define MLPACK_CORE_KERNELS_GAUSSIAN_KERNEL_HPP #include #include diff --git a/src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp b/src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp index 3018b300e13..7c682bbc9ac 100644 --- a/src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp +++ b/src/mlpack/core/kernels/hyperbolic_tangent_kernel.hpp @@ -4,8 +4,8 @@ * * Implementation of the hyperbolic tangent kernel. */ -#ifndef __MLPACK_CORE_KERNELS_HYPERBOLIC_TANGENT_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_HYPERBOLIC_TANGENT_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_HYPERBOLIC_TANGENT_KERNEL_HPP +#define MLPACK_CORE_KERNELS_HYPERBOLIC_TANGENT_KERNEL_HPP #include diff --git a/src/mlpack/core/kernels/kernel_traits.hpp b/src/mlpack/core/kernels/kernel_traits.hpp index 0747c236934..1ad12e2a900 100644 --- a/src/mlpack/core/kernels/kernel_traits.hpp +++ b/src/mlpack/core/kernels/kernel_traits.hpp @@ -5,8 +5,8 @@ * This provides the KernelTraits class, a template class to get information * about various kernels. */ -#ifndef __MLPACK_CORE_KERNELS_KERNEL_TRAITS_HPP -#define __MLPACK_CORE_KERNELS_KERNEL_TRAITS_HPP +#ifndef MLPACK_CORE_KERNELS_KERNEL_TRAITS_HPP +#define MLPACK_CORE_KERNELS_KERNEL_TRAITS_HPP namespace mlpack { namespace kernel { diff --git a/src/mlpack/core/kernels/laplacian_kernel.hpp b/src/mlpack/core/kernels/laplacian_kernel.hpp index 92e92316fc1..09d4e3fea7f 100644 --- a/src/mlpack/core/kernels/laplacian_kernel.hpp +++ b/src/mlpack/core/kernels/laplacian_kernel.hpp @@ -4,8 +4,8 @@ * * Implementation of the Laplacian kernel (LaplacianKernel). */ -#ifndef __MLPACK_CORE_KERNELS_LAPLACIAN_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_LAPLACIAN_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_LAPLACIAN_KERNEL_HPP +#define MLPACK_CORE_KERNELS_LAPLACIAN_KERNEL_HPP #include diff --git a/src/mlpack/core/kernels/linear_kernel.hpp b/src/mlpack/core/kernels/linear_kernel.hpp index 319dd1f0537..5c48ba6120b 100644 --- a/src/mlpack/core/kernels/linear_kernel.hpp +++ b/src/mlpack/core/kernels/linear_kernel.hpp @@ -6,8 +6,8 @@ * * Implementation of the linear kernel (just the standard dot product). */ -#ifndef __MLPACK_CORE_KERNELS_LINEAR_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_LINEAR_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_LINEAR_KERNEL_HPP +#define MLPACK_CORE_KERNELS_LINEAR_KERNEL_HPP #include diff --git a/src/mlpack/core/kernels/polynomial_kernel.hpp b/src/mlpack/core/kernels/polynomial_kernel.hpp index cbed23dee54..f06a48ed873 100644 --- a/src/mlpack/core/kernels/polynomial_kernel.hpp +++ b/src/mlpack/core/kernels/polynomial_kernel.hpp @@ -4,8 +4,8 @@ * * Implementation of the polynomial kernel (just the standard dot product). */ -#ifndef __MLPACK_CORE_KERNELS_POLYNOMIAL_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_POLYNOMIAL_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_POLYNOMIAL_KERNEL_HPP +#define MLPACK_CORE_KERNELS_POLYNOMIAL_KERNEL_HPP #include diff --git a/src/mlpack/core/kernels/pspectrum_string_kernel.hpp b/src/mlpack/core/kernels/pspectrum_string_kernel.hpp index 93ee424b969..460dd038478 100644 --- a/src/mlpack/core/kernels/pspectrum_string_kernel.hpp +++ b/src/mlpack/core/kernels/pspectrum_string_kernel.hpp @@ -8,8 +8,8 @@ * strings; then, the actual strings are given to the PSpectrumStringKernel at * construction time, and the kernel knows to map the indices to actual strings. */ -#ifndef __MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_HPP +#define MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_HPP #include #include diff --git a/src/mlpack/core/kernels/pspectrum_string_kernel_impl.hpp b/src/mlpack/core/kernels/pspectrum_string_kernel_impl.hpp index 89b4f9f88ac..19d5f09291e 100644 --- a/src/mlpack/core/kernels/pspectrum_string_kernel_impl.hpp +++ b/src/mlpack/core/kernels/pspectrum_string_kernel_impl.hpp @@ -8,8 +8,8 @@ * strings; then, the actual strings are given to the PSpectrumStringKernel at * construction time, and the kernel knows to map the indices to actual strings. */ -#ifndef __MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_IMPL_HPP -#define __MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_IMPL_HPP +#ifndef MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_IMPL_HPP +#define MLPACK_CORE_KERNELS_PSPECTRUM_STRING_KERNEL_IMPL_HPP // In case it has not been included yet. #include "pspectrum_string_kernel.hpp" diff --git a/src/mlpack/core/kernels/spherical_kernel.hpp b/src/mlpack/core/kernels/spherical_kernel.hpp index 9959987fc44..2fceda9d55b 100644 --- a/src/mlpack/core/kernels/spherical_kernel.hpp +++ b/src/mlpack/core/kernels/spherical_kernel.hpp @@ -2,8 +2,8 @@ * @file spherical_kernel.hpp * @author Neil Slagle */ -#ifndef __MLPACK_CORE_KERNELS_SPHERICAL_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_SPHERICAL_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_SPHERICAL_KERNEL_HPP +#define MLPACK_CORE_KERNELS_SPHERICAL_KERNEL_HPP #include #include diff --git a/src/mlpack/core/kernels/triangular_kernel.hpp b/src/mlpack/core/kernels/triangular_kernel.hpp index d14014b2c2f..c2bb57f6139 100644 --- a/src/mlpack/core/kernels/triangular_kernel.hpp +++ b/src/mlpack/core/kernels/triangular_kernel.hpp @@ -4,8 +4,8 @@ * * Definition and implementation of the trivially simple triangular kernel. */ -#ifndef __MLPACK_CORE_KERNELS_TRIANGULAR_KERNEL_HPP -#define __MLPACK_CORE_KERNELS_TRIANGULAR_KERNEL_HPP +#ifndef MLPACK_CORE_KERNELS_TRIANGULAR_KERNEL_HPP +#define MLPACK_CORE_KERNELS_TRIANGULAR_KERNEL_HPP #include #include diff --git a/src/mlpack/core/math/clamp.hpp b/src/mlpack/core/math/clamp.hpp index 2c6b7e73c27..7f38e1b91c6 100644 --- a/src/mlpack/core/math/clamp.hpp +++ b/src/mlpack/core/math/clamp.hpp @@ -3,8 +3,8 @@ * * Miscellaneous math clamping routines. */ -#ifndef __MLPACK_CORE_MATH_CLAMP_HPP -#define __MLPACK_CORE_MATH_CLAMP_HPP +#ifndef MLPACK_CORE_MATH_CLAMP_HPP +#define MLPACK_CORE_MATH_CLAMP_HPP #include #include diff --git a/src/mlpack/core/math/columns_to_blocks.hpp b/src/mlpack/core/math/columns_to_blocks.hpp index f2f65031f87..4d604aaf3f8 100644 --- a/src/mlpack/core/math/columns_to_blocks.hpp +++ b/src/mlpack/core/math/columns_to_blocks.hpp @@ -5,8 +5,8 @@ * A helper class that could be useful for visualizing the output of * MaximalInputs() and possibly other things. */ -#ifndef __MLPACK_METHODS_NN_COLUMNS_TO_BLOCKS_HPP -#define __MLPACK_METHODS_NN_COLUMNS_TO_BLOCKS_HPP +#ifndef MLPACK_METHODS_NN_COLUMNS_TO_BLOCKS_HPP +#define MLPACK_METHODS_NN_COLUMNS_TO_BLOCKS_HPP #include diff --git a/src/mlpack/core/math/lin_alg.hpp b/src/mlpack/core/math/lin_alg.hpp index 7b159fe777f..bbcac5b420a 100644 --- a/src/mlpack/core/math/lin_alg.hpp +++ b/src/mlpack/core/math/lin_alg.hpp @@ -4,8 +4,8 @@ * * Linear algebra utilities. */ -#ifndef __MLPACK_CORE_MATH_LIN_ALG_HPP -#define __MLPACK_CORE_MATH_LIN_ALG_HPP +#ifndef MLPACK_CORE_MATH_LIN_ALG_HPP +#define MLPACK_CORE_MATH_LIN_ALG_HPP #include diff --git a/src/mlpack/core/math/lin_alg_impl.hpp b/src/mlpack/core/math/lin_alg_impl.hpp index 049118e8e62..93961973b68 100644 --- a/src/mlpack/core/math/lin_alg_impl.hpp +++ b/src/mlpack/core/math/lin_alg_impl.hpp @@ -2,8 +2,8 @@ * @file lin_alg_impl.hpp * @author Stephen Tu */ -#ifndef __MLPACK_CORE_MATH_LIN_ALG_IMPL_HPP -#define __MLPACK_CORE_MATH_LIN_ALG_IMPL_HPP +#ifndef MLPACK_CORE_MATH_LIN_ALG_IMPL_HPP +#define MLPACK_CORE_MATH_LIN_ALG_IMPL_HPP #include "lin_alg.hpp" diff --git a/src/mlpack/core/math/random.hpp b/src/mlpack/core/math/random.hpp index 07ad2b3776a..1a0ba8f65db 100644 --- a/src/mlpack/core/math/random.hpp +++ b/src/mlpack/core/math/random.hpp @@ -3,8 +3,8 @@ * * Miscellaneous math random-related routines. */ -#ifndef __MLPACK_CORE_MATH_RANDOM_HPP -#define __MLPACK_CORE_MATH_RANDOM_HPP +#ifndef MLPACK_CORE_MATH_RANDOM_HPP +#define MLPACK_CORE_MATH_RANDOM_HPP #include #include diff --git a/src/mlpack/core/math/random_basis.hpp b/src/mlpack/core/math/random_basis.hpp index 35a355ced8c..e5f407b99e9 100644 --- a/src/mlpack/core/math/random_basis.hpp +++ b/src/mlpack/core/math/random_basis.hpp @@ -4,8 +4,8 @@ * * Generate a random d-dimensional basis. */ -#ifndef __MLPACK_CORE_MATH_RANDOM_BASIS_HPP -#define __MLPACK_CORE_MATH_RANDOM_BASIS_HPP +#ifndef MLPACK_CORE_MATH_RANDOM_BASIS_HPP +#define MLPACK_CORE_MATH_RANDOM_BASIS_HPP #include diff --git a/src/mlpack/core/math/range.hpp b/src/mlpack/core/math/range.hpp index c05bf6f7cab..b21567b004b 100644 --- a/src/mlpack/core/math/range.hpp +++ b/src/mlpack/core/math/range.hpp @@ -4,8 +4,8 @@ * Definition of the Range class, which represents a simple range with a lower * and upper bound. */ -#ifndef __MLPACK_CORE_MATH_RANGE_HPP -#define __MLPACK_CORE_MATH_RANGE_HPP +#ifndef MLPACK_CORE_MATH_RANGE_HPP +#define MLPACK_CORE_MATH_RANGE_HPP namespace mlpack { namespace math { diff --git a/src/mlpack/core/math/range_impl.hpp b/src/mlpack/core/math/range_impl.hpp index 686625e1907..f60e5fe0730 100644 --- a/src/mlpack/core/math/range_impl.hpp +++ b/src/mlpack/core/math/range_impl.hpp @@ -3,8 +3,8 @@ * * Implementation of the (inlined) Range class. */ -#ifndef __MLPACK_CORE_MATH_RANGE_IMPL_HPP -#define __MLPACK_CORE_MATH_RANGE_IMPL_HPP +#ifndef MLPACK_CORE_MATH_RANGE_IMPL_HPP +#define MLPACK_CORE_MATH_RANGE_IMPL_HPP #include "range.hpp" #include diff --git a/src/mlpack/core/math/round.hpp b/src/mlpack/core/math/round.hpp index cfd5f39d08e..fac93177f0e 100644 --- a/src/mlpack/core/math/round.hpp +++ b/src/mlpack/core/math/round.hpp @@ -5,8 +5,8 @@ * Implementation of round() for use on Visual Studio, where C99 isn't * implemented. */ -#ifndef __MLPACK_CORE_MATH_ROUND_HPP -#define __MLPACK_CORE_MATH_ROUND_HPP +#ifndef MLPACK_CORE_MATH_ROUND_HPP +#define MLPACK_CORE_MATH_ROUND_HPP // _MSC_VER should only be defined for Visual Studio, which doesn't implement // C99. diff --git a/src/mlpack/core/metrics/ip_metric.hpp b/src/mlpack/core/metrics/ip_metric.hpp index 7cfc0fc1b92..d8caf2f65d6 100644 --- a/src/mlpack/core/metrics/ip_metric.hpp +++ b/src/mlpack/core/metrics/ip_metric.hpp @@ -5,8 +5,8 @@ * Inner product induced metric. If given a kernel function, this gives the * complementary metric. */ -#ifndef __MLPACK_METHODS_FASTMKS_IP_METRIC_HPP -#define __MLPACK_METHODS_FASTMKS_IP_METRIC_HPP +#ifndef MLPACK_METHODS_FASTMKS_IP_METRIC_HPP +#define MLPACK_METHODS_FASTMKS_IP_METRIC_HPP namespace mlpack { namespace metric { diff --git a/src/mlpack/core/metrics/ip_metric_impl.hpp b/src/mlpack/core/metrics/ip_metric_impl.hpp index 8ea7f4fa43f..4297c943108 100644 --- a/src/mlpack/core/metrics/ip_metric_impl.hpp +++ b/src/mlpack/core/metrics/ip_metric_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the IPMetric. */ -#ifndef __MLPACK_METHODS_FASTMKS_IP_METRIC_IMPL_HPP -#define __MLPACK_METHODS_FASTMKS_IP_METRIC_IMPL_HPP +#ifndef MLPACK_METHODS_FASTMKS_IP_METRIC_IMPL_HPP +#define MLPACK_METHODS_FASTMKS_IP_METRIC_IMPL_HPP // In case it hasn't been included yet. #include "ip_metric_impl.hpp" diff --git a/src/mlpack/core/metrics/lmetric.hpp b/src/mlpack/core/metrics/lmetric.hpp index b82502db5b5..5d599ab06d9 100644 --- a/src/mlpack/core/metrics/lmetric.hpp +++ b/src/mlpack/core/metrics/lmetric.hpp @@ -7,8 +7,8 @@ * * This also gives several convenience typedefs for commonly used L-metrics. */ -#ifndef __MLPACK_CORE_METRICS_LMETRIC_HPP -#define __MLPACK_CORE_METRICS_LMETRIC_HPP +#ifndef MLPACK_CORE_METRICS_LMETRIC_HPP +#define MLPACK_CORE_METRICS_LMETRIC_HPP #include diff --git a/src/mlpack/core/metrics/lmetric_impl.hpp b/src/mlpack/core/metrics/lmetric_impl.hpp index 2df35c2b480..c87b7e7069d 100644 --- a/src/mlpack/core/metrics/lmetric_impl.hpp +++ b/src/mlpack/core/metrics/lmetric_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of template specializations of LMetric class. */ -#ifndef __MLPACK_CORE_METRICS_LMETRIC_IMPL_HPP -#define __MLPACK_CORE_METRICS_LMETRIC_IMPL_HPP +#ifndef MLPACK_CORE_METRICS_LMETRIC_IMPL_HPP +#define MLPACK_CORE_METRICS_LMETRIC_IMPL_HPP // In case it hasn't been included. #include "lmetric.hpp" diff --git a/src/mlpack/core/metrics/mahalanobis_distance.hpp b/src/mlpack/core/metrics/mahalanobis_distance.hpp index d7000ff26c6..77e9eea0bac 100644 --- a/src/mlpack/core/metrics/mahalanobis_distance.hpp +++ b/src/mlpack/core/metrics/mahalanobis_distance.hpp @@ -4,8 +4,8 @@ * * The Mahalanobis distance. */ -#ifndef __MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_HPP -#define __MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_HPP +#ifndef MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_HPP +#define MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_HPP #include diff --git a/src/mlpack/core/metrics/mahalanobis_distance_impl.hpp b/src/mlpack/core/metrics/mahalanobis_distance_impl.hpp index a72c2526a72..a13b9d4b3f6 100644 --- a/src/mlpack/core/metrics/mahalanobis_distance_impl.hpp +++ b/src/mlpack/core/metrics/mahalanobis_distance_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the Mahalanobis distance. */ -#ifndef __MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_IMPL_HPP -#define __MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_IMPL_HPP +#ifndef MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_IMPL_HPP +#define MLPACK_CORE_METRICS_MAHALANOBIS_DISTANCE_IMPL_HPP #include "mahalanobis_distance.hpp" diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp index 8bc414ec9e4..8443271ef10 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp @@ -7,8 +7,8 @@ * uses the L-BFGS optimizer. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_HPP -#define __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_HPP +#define MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_HPP #include #include diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp index 36ec3dae3ae..f915d89e684 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp @@ -4,8 +4,8 @@ * * Contains a utility class for AugLagrangian. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_HPP -#define __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_HPP +#define MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_HPP #include diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function_impl.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function_impl.hpp index 2a9b07275b2..d59297a11f0 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function_impl.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function_impl.hpp @@ -6,8 +6,8 @@ * specializations can probably be given in many cases, but this is the most * general case. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_IMPL_HPP // In case it hasn't been included. #include "aug_lagrangian_function.hpp" diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp index 06bf2e9709b..41a470ec234 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp @@ -6,8 +6,8 @@ * method). */ -#ifndef __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_IMPL_HPP #include #include "aug_lagrangian_function.hpp" diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp index e27b46b6e87..1d1ab35009a 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp @@ -4,8 +4,8 @@ * * Define test functions for the augmented Lagrangian method. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_TEST_FUNCTIONS_HPP -#define __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_TEST_FUNCTIONS_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_TEST_FUNCTIONS_HPP +#define MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_TEST_FUNCTIONS_HPP #include diff --git a/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp b/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp index b54392e1b9c..6d28184030e 100644 --- a/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp +++ b/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp @@ -5,8 +5,8 @@ * * The generic L-BFGS optimizer. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_HPP -#define __MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_HPP +#define MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_HPP #include diff --git a/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp b/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp index 1a8ca4999cf..54f03b74ae2 100644 --- a/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp +++ b/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp @@ -5,8 +5,8 @@ * * The implementation of the L_BFGS optimizer. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_IMPL_HPP namespace mlpack { namespace optimization { diff --git a/src/mlpack/core/optimizers/lbfgs/test_functions.hpp b/src/mlpack/core/optimizers/lbfgs/test_functions.hpp index 75de0e3ebb4..3e03cfbca1d 100644 --- a/src/mlpack/core/optimizers/lbfgs/test_functions.hpp +++ b/src/mlpack/core/optimizers/lbfgs/test_functions.hpp @@ -10,8 +10,8 @@ * ACM Trans. Math. Softw. 7, 1 (March 1981), 17-41. * http://portal.acm.org/citation.cfm?id=355934.355936 */ -#ifndef __MLPACK_CORE_OPTIMIZERS_LBFGS_TEST_FUNCTIONS_HPP -#define __MLPACK_CORE_OPTIMIZERS_LBFGS_TEST_FUNCTIONS_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_LBFGS_TEST_FUNCTIONS_HPP +#define MLPACK_CORE_OPTIMIZERS_LBFGS_TEST_FUNCTIONS_HPP #include diff --git a/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd.hpp b/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd.hpp index 910a405c5ad..7edc721012b 100644 --- a/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd.hpp +++ b/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd.hpp @@ -4,8 +4,8 @@ * * Mini-batch Stochastic Gradient Descent (SGD). */ -#ifndef __MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_HPP -#define __MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_HPP +#define MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_HPP #include diff --git a/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd_impl.hpp b/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd_impl.hpp index fe7db5cff39..45c76a2a3a6 100644 --- a/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd_impl.hpp +++ b/src/mlpack/core/optimizers/minibatch_sgd/minibatch_sgd_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of mini-batch SGD. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_MINIBATCH_SGD_MINIBATCH_SGD_IMPL_HPP // In case it hasn't been included yet. #include "minibatch_sgd.hpp" diff --git a/src/mlpack/core/optimizers/rmsprop/rmsprop.hpp b/src/mlpack/core/optimizers/rmsprop/rmsprop.hpp index 690da6aad06..7603db95d84 100644 --- a/src/mlpack/core/optimizers/rmsprop/rmsprop.hpp +++ b/src/mlpack/core/optimizers/rmsprop/rmsprop.hpp @@ -6,8 +6,8 @@ * RMSprop optimizer. RmsProp is an optimizer that utilizes the magnitude of * recent gradients to normalize the gradients. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_HPP -#define __MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_HPP +#define MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_HPP #include diff --git a/src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp b/src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp index 539fa05879c..f496efd85d6 100644 --- a/src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp +++ b/src/mlpack/core/optimizers/rmsprop/rmsprop_impl.hpp @@ -5,8 +5,8 @@ * * Implementation of the RMSprop optimizer. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_RMSPROP_RMSPROP_IMPL_HPP // In case it hasn't been included yet. #include "rmsprop.hpp" diff --git a/src/mlpack/core/optimizers/sa/exponential_schedule.hpp b/src/mlpack/core/optimizers/sa/exponential_schedule.hpp index 1357bc25d9e..6bac79bffe1 100644 --- a/src/mlpack/core/optimizers/sa/exponential_schedule.hpp +++ b/src/mlpack/core/optimizers/sa/exponential_schedule.hpp @@ -4,8 +4,8 @@ * * Exponential (geometric) cooling schedule used in SA. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SA_EXPONENTIAL_SCHEDULE_HPP -#define __MLPACK_CORE_OPTIMIZERS_SA_EXPONENTIAL_SCHEDULE_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SA_EXPONENTIAL_SCHEDULE_HPP +#define MLPACK_CORE_OPTIMIZERS_SA_EXPONENTIAL_SCHEDULE_HPP namespace mlpack { namespace optimization { diff --git a/src/mlpack/core/optimizers/sa/sa.hpp b/src/mlpack/core/optimizers/sa/sa.hpp index 73f57b34ca9..81ef241713a 100644 --- a/src/mlpack/core/optimizers/sa/sa.hpp +++ b/src/mlpack/core/optimizers/sa/sa.hpp @@ -4,8 +4,8 @@ * * Simulated Annealing (SA). */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SA_SA_HPP -#define __MLPACK_CORE_OPTIMIZERS_SA_SA_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SA_SA_HPP +#define MLPACK_CORE_OPTIMIZERS_SA_SA_HPP #include diff --git a/src/mlpack/core/optimizers/sa/sa_impl.hpp b/src/mlpack/core/optimizers/sa/sa_impl.hpp index dcb8a192c76..9fe72d0e893 100644 --- a/src/mlpack/core/optimizers/sa/sa_impl.hpp +++ b/src/mlpack/core/optimizers/sa/sa_impl.hpp @@ -4,8 +4,8 @@ * * The implementation of the SA optimizer. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SA_SA_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_SA_SA_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SA_SA_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_SA_SA_IMPL_HPP #include diff --git a/src/mlpack/core/optimizers/sdp/lrsdp.hpp b/src/mlpack/core/optimizers/sdp/lrsdp.hpp index 53d5970174d..67c436d536e 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp.hpp @@ -5,8 +5,8 @@ * An implementation of Monteiro and Burer's formulation of low-rank * semidefinite programs (LR-SDP). */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_HPP -#define __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_HPP +#define MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_HPP #include #include diff --git a/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp b/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp index 12ddce2803b..3de727beb8c 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp @@ -5,8 +5,8 @@ * * A class that represents the objective function which LRSDP optimizes. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_HPP -#define __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_HPP +#define MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_HPP #include #include diff --git a/src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp b/src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp index 0c751061dbe..1ec4411f2d5 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp_function_impl.hpp @@ -6,8 +6,8 @@ * Implementation of the LRSDPFunction class, and also template specializations * for faster execution with the AugLagrangian optimizer. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_IMPL_HPP #include "lrsdp_function.hpp" diff --git a/src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp b/src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp index a7affdd447b..6b91ee7c1c1 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp_impl.hpp @@ -5,8 +5,8 @@ * An implementation of Monteiro and Burer's formulation of low-rank * semidefinite programs (LR-SDP). */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_IMPL_HPP #include "lrsdp.hpp" diff --git a/src/mlpack/core/optimizers/sdp/primal_dual.hpp b/src/mlpack/core/optimizers/sdp/primal_dual.hpp index 67c901b15bc..1eb5963a6d9 100644 --- a/src/mlpack/core/optimizers/sdp/primal_dual.hpp +++ b/src/mlpack/core/optimizers/sdp/primal_dual.hpp @@ -3,8 +3,8 @@ * @author Stephen Tu * */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_HPP -#define __MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_HPP +#define MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_HPP #include #include diff --git a/src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp b/src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp index 7a37719009d..fb1089f1f90 100644 --- a/src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp +++ b/src/mlpack/core/optimizers/sdp/primal_dual_impl.hpp @@ -21,8 +21,8 @@ * feasible primal/dual point (and therefore the duality gap is zero), and * that the constraint matrices are linearly independent. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_SDP_PRIMAL_DUAL_IMPL_HPP #include "primal_dual.hpp" diff --git a/src/mlpack/core/optimizers/sdp/sdp.hpp b/src/mlpack/core/optimizers/sdp/sdp.hpp index 923fa3be668..1f1ea788a22 100644 --- a/src/mlpack/core/optimizers/sdp/sdp.hpp +++ b/src/mlpack/core/optimizers/sdp/sdp.hpp @@ -3,8 +3,8 @@ * @author Stephen Tu * */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SDP_SDP_HPP -#define __MLPACK_CORE_OPTIMIZERS_SDP_SDP_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SDP_SDP_HPP +#define MLPACK_CORE_OPTIMIZERS_SDP_SDP_HPP #include diff --git a/src/mlpack/core/optimizers/sdp/sdp_impl.hpp b/src/mlpack/core/optimizers/sdp/sdp_impl.hpp index bd40f94c2c6..3e18e6303ca 100644 --- a/src/mlpack/core/optimizers/sdp/sdp_impl.hpp +++ b/src/mlpack/core/optimizers/sdp/sdp_impl.hpp @@ -3,8 +3,8 @@ * @author Stephen Tu * */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SDP_SDP_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_SDP_SDP_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SDP_SDP_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_SDP_SDP_IMPL_HPP #include "sdp.hpp" diff --git a/src/mlpack/core/optimizers/sgd/sgd.hpp b/src/mlpack/core/optimizers/sgd/sgd.hpp index 5572f10cdc3..a8ff9890a42 100644 --- a/src/mlpack/core/optimizers/sgd/sgd.hpp +++ b/src/mlpack/core/optimizers/sgd/sgd.hpp @@ -4,8 +4,8 @@ * * Stochastic Gradient Descent (SGD). */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SGD_SGD_HPP -#define __MLPACK_CORE_OPTIMIZERS_SGD_SGD_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SGD_SGD_HPP +#define MLPACK_CORE_OPTIMIZERS_SGD_SGD_HPP #include diff --git a/src/mlpack/core/optimizers/sgd/sgd_impl.hpp b/src/mlpack/core/optimizers/sgd/sgd_impl.hpp index d95624a5dbd..c47705a6aea 100644 --- a/src/mlpack/core/optimizers/sgd/sgd_impl.hpp +++ b/src/mlpack/core/optimizers/sgd/sgd_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of stochastic gradient descent. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SGD_SGD_IMPL_HPP -#define __MLPACK_CORE_OPTIMIZERS_SGD_SGD_IMPL_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SGD_SGD_IMPL_HPP +#define MLPACK_CORE_OPTIMIZERS_SGD_SGD_IMPL_HPP #include // In case it hasn't been included yet. diff --git a/src/mlpack/core/optimizers/sgd/test_function.hpp b/src/mlpack/core/optimizers/sgd/test_function.hpp index 5e6f214a552..7b059e15f25 100644 --- a/src/mlpack/core/optimizers/sgd/test_function.hpp +++ b/src/mlpack/core/optimizers/sgd/test_function.hpp @@ -4,8 +4,8 @@ * * Very simple test function for SGD. */ -#ifndef __MLPACK_CORE_OPTIMIZERS_SGD_TEST_FUNCTION_HPP -#define __MLPACK_CORE_OPTIMIZERS_SGD_TEST_FUNCTION_HPP +#ifndef MLPACK_CORE_OPTIMIZERS_SGD_TEST_FUNCTION_HPP +#define MLPACK_CORE_OPTIMIZERS_SGD_TEST_FUNCTION_HPP #include diff --git a/src/mlpack/core/tree/ballbound.hpp b/src/mlpack/core/tree/ballbound.hpp index 2201fc4d166..4d789e9f697 100644 --- a/src/mlpack/core/tree/ballbound.hpp +++ b/src/mlpack/core/tree/ballbound.hpp @@ -4,8 +4,8 @@ * Bounds that are useful for binary space partitioning trees. * Interface to a ball bound that works in arbitrary metric spaces. */ -#ifndef __MLPACK_CORE_TREE_BALLBOUND_HPP -#define __MLPACK_CORE_TREE_BALLBOUND_HPP +#ifndef MLPACK_CORE_TREE_BALLBOUND_HPP +#define MLPACK_CORE_TREE_BALLBOUND_HPP #include #include diff --git a/src/mlpack/core/tree/ballbound_impl.hpp b/src/mlpack/core/tree/ballbound_impl.hpp index 94eac4cd048..d821889313e 100644 --- a/src/mlpack/core/tree/ballbound_impl.hpp +++ b/src/mlpack/core/tree/ballbound_impl.hpp @@ -6,8 +6,8 @@ * * @experimental */ -#ifndef __MLPACK_CORE_TREE_BALLBOUND_IMPL_HPP -#define __MLPACK_CORE_TREE_BALLBOUND_IMPL_HPP +#ifndef MLPACK_CORE_TREE_BALLBOUND_IMPL_HPP +#define MLPACK_CORE_TREE_BALLBOUND_IMPL_HPP // In case it hasn't been included already. #include "ballbound.hpp" diff --git a/src/mlpack/core/tree/binary_space_tree.hpp b/src/mlpack/core/tree/binary_space_tree.hpp index 146b9bbbd5c..e37b7b25670 100644 --- a/src/mlpack/core/tree/binary_space_tree.hpp +++ b/src/mlpack/core/tree/binary_space_tree.hpp @@ -4,8 +4,8 @@ * * Include all the necessary files to use the BinarySpaceTree class. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_HPP #include #include "bounds.hpp" diff --git a/src/mlpack/core/tree/binary_space_tree/binary_space_tree.hpp b/src/mlpack/core/tree/binary_space_tree/binary_space_tree.hpp index 21e789d7d35..4ad710201d3 100644 --- a/src/mlpack/core/tree/binary_space_tree/binary_space_tree.hpp +++ b/src/mlpack/core/tree/binary_space_tree/binary_space_tree.hpp @@ -3,8 +3,8 @@ * * Definition of generalized binary space partitioning tree (BinarySpaceTree). */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_HPP #include diff --git a/src/mlpack/core/tree/binary_space_tree/binary_space_tree_impl.hpp b/src/mlpack/core/tree/binary_space_tree/binary_space_tree_impl.hpp index 6f7bbb4c180..d0c521c4cb2 100644 --- a/src/mlpack/core/tree/binary_space_tree/binary_space_tree_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/binary_space_tree_impl.hpp @@ -3,8 +3,8 @@ * * Implementation of generalized space partitioning tree. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_IMPL_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_IMPL_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_IMPL_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_BINARY_SPACE_TREE_IMPL_HPP // In case it wasn't included already for some reason. #include "binary_space_tree.hpp" diff --git a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp index 0f8c3ce7809..30751b7881c 100644 --- a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp @@ -7,8 +7,8 @@ * breadth-first manner with a given set of rules which indicate the branches * which can be pruned and the order in which to recurse. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_HPP #include #include diff --git a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser_impl.hpp index a6fcb08d8bf..8515d4043b1 100644 --- a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser_impl.hpp @@ -6,8 +6,8 @@ * This is a way to perform a dual-tree traversal of two trees. The trees must * be the same type. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_IMPL_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_IMPL_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_IMPL_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_IMPL_HPP // In case it hasn't been included yet. #include "breadth_first_dual_tree_traverser.hpp" diff --git a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp index 1a05f39db66..b9256fb022b 100644 --- a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp @@ -7,8 +7,8 @@ * manner with a given set of rules which indicate the branches which can be * pruned and the order in which to recurse. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_HPP #include diff --git a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser_impl.hpp index 42f377288b4..6638cf963d9 100644 --- a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser_impl.hpp @@ -6,8 +6,8 @@ * to perform a dual-tree traversal of two trees. The trees must be the same * type. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP // In case it hasn't been included yet. #include "dual_tree_traverser.hpp" diff --git a/src/mlpack/core/tree/binary_space_tree/mean_split.hpp b/src/mlpack/core/tree/binary_space_tree/mean_split.hpp index 3573f11a3d0..76ba831691f 100644 --- a/src/mlpack/core/tree/binary_space_tree/mean_split.hpp +++ b/src/mlpack/core/tree/binary_space_tree/mean_split.hpp @@ -6,8 +6,8 @@ * Definition of MeanSplit, a class that splits a binary space partitioning tree * node into two parts using the mean of the values in a certain dimension. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_HPP #include diff --git a/src/mlpack/core/tree/binary_space_tree/mean_split_impl.hpp b/src/mlpack/core/tree/binary_space_tree/mean_split_impl.hpp index cdaf72775e8..f7fb6bc6283 100644 --- a/src/mlpack/core/tree/binary_space_tree/mean_split_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/mean_split_impl.hpp @@ -5,8 +5,8 @@ * * Implementation of class(MeanSplit) to split a binary space partition tree. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_IMPL_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_IMPL_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_IMPL_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_MEAN_SPLIT_IMPL_HPP #include "mean_split.hpp" diff --git a/src/mlpack/core/tree/binary_space_tree/midpoint_split.hpp b/src/mlpack/core/tree/binary_space_tree/midpoint_split.hpp index 9aa35da03ab..f779002cb3e 100644 --- a/src/mlpack/core/tree/binary_space_tree/midpoint_split.hpp +++ b/src/mlpack/core/tree/binary_space_tree/midpoint_split.hpp @@ -7,8 +7,8 @@ * tree node into two parts using the midpoint of the values in a certain * dimension. The dimension to split on is the dimension with maximum variance. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_HPP #include diff --git a/src/mlpack/core/tree/binary_space_tree/midpoint_split_impl.hpp b/src/mlpack/core/tree/binary_space_tree/midpoint_split_impl.hpp index 8845535c667..70ec94dd47c 100644 --- a/src/mlpack/core/tree/binary_space_tree/midpoint_split_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/midpoint_split_impl.hpp @@ -6,8 +6,8 @@ * Implementation of class (MidpointSplit) to split a binary space partition * tree. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_IMPL_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_IMPL_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_IMPL_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_MIDPOINT_SPLIT_IMPL_HPP #include "midpoint_split.hpp" #include diff --git a/src/mlpack/core/tree/binary_space_tree/single_tree_traverser.hpp b/src/mlpack/core/tree/binary_space_tree/single_tree_traverser.hpp index c48069e43f4..65e30995368 100644 --- a/src/mlpack/core/tree/binary_space_tree/single_tree_traverser.hpp +++ b/src/mlpack/core/tree/binary_space_tree/single_tree_traverser.hpp @@ -6,8 +6,8 @@ * given set of rules which indicate the branches which can be pruned and the * order in which to recurse. This traverser is a depth-first traverser. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_HPP #include diff --git a/src/mlpack/core/tree/binary_space_tree/single_tree_traverser_impl.hpp b/src/mlpack/core/tree/binary_space_tree/single_tree_traverser_impl.hpp index fba9e06aa05..90abb7229c4 100644 --- a/src/mlpack/core/tree/binary_space_tree/single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/binary_space_tree/single_tree_traverser_impl.hpp @@ -6,8 +6,8 @@ * given set of rules which indicate the branches which can be pruned and the * order in which to recurse. This traverser is a depth-first traverser. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP // In case it hasn't been included yet. #include "single_tree_traverser.hpp" diff --git a/src/mlpack/core/tree/binary_space_tree/traits.hpp b/src/mlpack/core/tree/binary_space_tree/traits.hpp index 44e42b4a1f9..f241314f39f 100644 --- a/src/mlpack/core/tree/binary_space_tree/traits.hpp +++ b/src/mlpack/core/tree/binary_space_tree/traits.hpp @@ -4,8 +4,8 @@ * * Specialization of the TreeTraits class for the BinarySpaceTree type of tree. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_TRAITS_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_TRAITS_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_TRAITS_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_TRAITS_HPP #include diff --git a/src/mlpack/core/tree/binary_space_tree/typedef.hpp b/src/mlpack/core/tree/binary_space_tree/typedef.hpp index b977548a05c..7d58f6750e7 100644 --- a/src/mlpack/core/tree/binary_space_tree/typedef.hpp +++ b/src/mlpack/core/tree/binary_space_tree/typedef.hpp @@ -5,8 +5,8 @@ * Template typedefs for the BinarySpaceTree class that satisfy the requirements * of the TreeType policy class. */ -#ifndef __MLPACK_CORE_TREE_BINARY_SPACE_TREE_TYPEDEF_HPP -#define __MLPACK_CORE_TREE_BINARY_SPACE_TREE_TYPEDEF_HPP +#ifndef MLPACK_CORE_TREE_BINARY_SPACE_TREE_TYPEDEF_HPP +#define MLPACK_CORE_TREE_BINARY_SPACE_TREE_TYPEDEF_HPP // In case it hasn't been included yet. #include "../binary_space_tree.hpp" diff --git a/src/mlpack/core/tree/bound_traits.hpp b/src/mlpack/core/tree/bound_traits.hpp index a02facdbc9f..33b48e1ac9b 100644 --- a/src/mlpack/core/tree/bound_traits.hpp +++ b/src/mlpack/core/tree/bound_traits.hpp @@ -4,8 +4,8 @@ * * A class for template metaprogramming traits for bounds. */ -#ifndef __MLPACK_CORE_TREE_BOUND_TRAITS_HPP -#define __MLPACK_CORE_TREE_BOUND_TRAITS_HPP +#ifndef MLPACK_CORE_TREE_BOUND_TRAITS_HPP +#define MLPACK_CORE_TREE_BOUND_TRAITS_HPP namespace mlpack { namespace bound { diff --git a/src/mlpack/core/tree/bounds.hpp b/src/mlpack/core/tree/bounds.hpp index 784f2020a6a..e8416cd1eb0 100644 --- a/src/mlpack/core/tree/bounds.hpp +++ b/src/mlpack/core/tree/bounds.hpp @@ -4,8 +4,8 @@ * Bounds that are useful for binary space partitioning trees. */ -#ifndef __MLPACK_CORE_TREE_BOUNDS_HPP -#define __MLPACK_CORE_TREE_BOUNDS_HPP +#ifndef MLPACK_CORE_TREE_BOUNDS_HPP +#define MLPACK_CORE_TREE_BOUNDS_HPP #include #include diff --git a/src/mlpack/core/tree/cosine_tree/cosine_tree.hpp b/src/mlpack/core/tree/cosine_tree/cosine_tree.hpp index 0143b328215..a734a3d5785 100644 --- a/src/mlpack/core/tree/cosine_tree/cosine_tree.hpp +++ b/src/mlpack/core/tree/cosine_tree/cosine_tree.hpp @@ -4,8 +4,8 @@ * * Definition of Cosine Tree. */ -#ifndef __MLPACK_CORE_TREE_COSINE_TREE_COSINE_TREE_HPP -#define __MLPACK_CORE_TREE_COSINE_TREE_COSINE_TREE_HPP +#ifndef MLPACK_CORE_TREE_COSINE_TREE_COSINE_TREE_HPP +#define MLPACK_CORE_TREE_COSINE_TREE_COSINE_TREE_HPP #include #include diff --git a/src/mlpack/core/tree/cover_tree.hpp b/src/mlpack/core/tree/cover_tree.hpp index d879b249b94..0ad2ff3c4a9 100644 --- a/src/mlpack/core/tree/cover_tree.hpp +++ b/src/mlpack/core/tree/cover_tree.hpp @@ -4,8 +4,8 @@ * * Includes all the necessary files to use the CoverTree class. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_HPP +#define MLPACK_CORE_TREE_COVER_TREE_HPP #include #include "cover_tree/first_point_is_root.hpp" diff --git a/src/mlpack/core/tree/cover_tree/cover_tree.hpp b/src/mlpack/core/tree/cover_tree/cover_tree.hpp index f2ded5b2936..7ae006de13b 100644 --- a/src/mlpack/core/tree/cover_tree/cover_tree.hpp +++ b/src/mlpack/core/tree/cover_tree/cover_tree.hpp @@ -4,8 +4,8 @@ * * Definition of CoverTree, which can be used in place of the BinarySpaceTree. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_HPP +#define MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_HPP #include diff --git a/src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp b/src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp index 991f0719efc..f4cdbedf2c1 100644 --- a/src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp +++ b/src/mlpack/core/tree/cover_tree/cover_tree_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of CoverTree class. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_IMPL_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_IMPL_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_IMPL_HPP +#define MLPACK_CORE_TREE_COVER_TREE_COVER_TREE_IMPL_HPP // In case it hasn't already been included. #include "cover_tree.hpp" diff --git a/src/mlpack/core/tree/cover_tree/dual_tree_traverser.hpp b/src/mlpack/core/tree/cover_tree/dual_tree_traverser.hpp index b48331703d9..9fe1372a68f 100644 --- a/src/mlpack/core/tree/cover_tree/dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/cover_tree/dual_tree_traverser.hpp @@ -4,8 +4,8 @@ * * A dual-tree traverser for the cover tree. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_HPP +#define MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_HPP #include #include diff --git a/src/mlpack/core/tree/cover_tree/dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/cover_tree/dual_tree_traverser_impl.hpp index 78f0ee89c96..e0d5281c168 100644 --- a/src/mlpack/core/tree/cover_tree/dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/cover_tree/dual_tree_traverser_impl.hpp @@ -4,8 +4,8 @@ * * A dual-tree traverser for the cover tree. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP +#define MLPACK_CORE_TREE_COVER_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP #include #include diff --git a/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp b/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp index c40261f8ab3..0b369f203c1 100644 --- a/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp +++ b/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp @@ -5,8 +5,8 @@ * A very simple policy for the cover tree; the first point in the dataset is * chosen as the root of the cover tree. */ -#ifndef __MLPACK_CORE_TREE_FIRST_POINT_IS_ROOT_HPP -#define __MLPACK_CORE_TREE_FIRST_POINT_IS_ROOT_HPP +#ifndef MLPACK_CORE_TREE_FIRST_POINT_IS_ROOT_HPP +#define MLPACK_CORE_TREE_FIRST_POINT_IS_ROOT_HPP #include diff --git a/src/mlpack/core/tree/cover_tree/single_tree_traverser.hpp b/src/mlpack/core/tree/cover_tree/single_tree_traverser.hpp index b2622c2ebb2..ae9a07fcfa3 100644 --- a/src/mlpack/core/tree/cover_tree/single_tree_traverser.hpp +++ b/src/mlpack/core/tree/cover_tree/single_tree_traverser.hpp @@ -6,8 +6,8 @@ * single-tree breadth-first recursion with a pruning rule and a base case (two * point) rule. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_HPP +#define MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_HPP #include diff --git a/src/mlpack/core/tree/cover_tree/single_tree_traverser_impl.hpp b/src/mlpack/core/tree/cover_tree/single_tree_traverser_impl.hpp index 2c20eb70bc8..4ce26b26aee 100644 --- a/src/mlpack/core/tree/cover_tree/single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/cover_tree/single_tree_traverser_impl.hpp @@ -5,8 +5,8 @@ * Implementation of the single tree traverser for cover trees, which implements * a breadth-first traversal. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP +#define MLPACK_CORE_TREE_COVER_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP // In case it hasn't been included yet. #include "single_tree_traverser.hpp" diff --git a/src/mlpack/core/tree/cover_tree/traits.hpp b/src/mlpack/core/tree/cover_tree/traits.hpp index 60d6aa11f2b..a88c08f302e 100644 --- a/src/mlpack/core/tree/cover_tree/traits.hpp +++ b/src/mlpack/core/tree/cover_tree/traits.hpp @@ -5,8 +5,8 @@ * This file contains the specialization of the TreeTraits class for the * CoverTree type of tree. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_TRAITS_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_TRAITS_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_TRAITS_HPP +#define MLPACK_CORE_TREE_COVER_TREE_TRAITS_HPP #include diff --git a/src/mlpack/core/tree/cover_tree/typedef.hpp b/src/mlpack/core/tree/cover_tree/typedef.hpp index 6a3b82aa203..1a441ce4183 100644 --- a/src/mlpack/core/tree/cover_tree/typedef.hpp +++ b/src/mlpack/core/tree/cover_tree/typedef.hpp @@ -4,8 +4,8 @@ * * Typedef of cover tree to match TreeType API. */ -#ifndef __MLPACK_CORE_TREE_COVER_TREE_TYPEDEF_HPP -#define __MLPACK_CORE_TREE_COVER_TREE_TYPEDEF_HPP +#ifndef MLPACK_CORE_TREE_COVER_TREE_TYPEDEF_HPP +#define MLPACK_CORE_TREE_COVER_TREE_TYPEDEF_HPP #include "cover_tree.hpp" diff --git a/src/mlpack/core/tree/example_tree.hpp b/src/mlpack/core/tree/example_tree.hpp index 99b6a588cbe..0fc0eeeb42e 100644 --- a/src/mlpack/core/tree/example_tree.hpp +++ b/src/mlpack/core/tree/example_tree.hpp @@ -6,8 +6,8 @@ * implement (although the actual implementations here don't make any sense * because this is just an example). */ -#ifndef __MLPACK_CORE_TREE_EXAMPLE_TREE_HPP -#define __MLPACK_CORE_TREE_EXAMPLE_TREE_HPP +#ifndef MLPACK_CORE_TREE_EXAMPLE_TREE_HPP +#define MLPACK_CORE_TREE_EXAMPLE_TREE_HPP namespace mlpack { namespace tree { diff --git a/src/mlpack/core/tree/hrectbound.hpp b/src/mlpack/core/tree/hrectbound.hpp index 2f6c3eeacc5..178405609ed 100644 --- a/src/mlpack/core/tree/hrectbound.hpp +++ b/src/mlpack/core/tree/hrectbound.hpp @@ -6,8 +6,8 @@ * This file describes the interface for the HRectBound class, which implements * a hyperrectangle bound. */ -#ifndef __MLPACK_CORE_TREE_HRECTBOUND_HPP -#define __MLPACK_CORE_TREE_HRECTBOUND_HPP +#ifndef MLPACK_CORE_TREE_HRECTBOUND_HPP +#define MLPACK_CORE_TREE_HRECTBOUND_HPP #include #include diff --git a/src/mlpack/core/tree/hrectbound_impl.hpp b/src/mlpack/core/tree/hrectbound_impl.hpp index 5b6420fc11a..05095db8f16 100644 --- a/src/mlpack/core/tree/hrectbound_impl.hpp +++ b/src/mlpack/core/tree/hrectbound_impl.hpp @@ -6,8 +6,8 @@ * * @experimental */ -#ifndef __MLPACK_CORE_TREE_HRECTBOUND_IMPL_HPP -#define __MLPACK_CORE_TREE_HRECTBOUND_IMPL_HPP +#ifndef MLPACK_CORE_TREE_HRECTBOUND_IMPL_HPP +#define MLPACK_CORE_TREE_HRECTBOUND_IMPL_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree.hpp b/src/mlpack/core/tree/rectangle_tree.hpp index 04151372c7f..d3cdd5be23b 100644 --- a/src/mlpack/core/tree/rectangle_tree.hpp +++ b/src/mlpack/core/tree/rectangle_tree.hpp @@ -5,8 +5,8 @@ * Include all the necessary files to use the Rectangle Type Trees (RTree, * RStarTree, XTree, and HilbertRTree). */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_HPP /* We include bounds.hpp since it gives us the necessary files. * However, we will not use the "ballbounds" option. diff --git a/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser.hpp b/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser.hpp index 397a1c24a68..fd69f95809e 100644 --- a/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser.hpp @@ -6,8 +6,8 @@ * with a given set of rules which indicate the branches to prune and the * order in which to recurse. This is just here to make it compile. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser_impl.hpp b/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser_impl.hpp index 42379d25661..2ee79a10a60 100644 --- a/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/dual_tree_traverser_impl.hpp @@ -6,8 +6,8 @@ * which indicate the branches to prune and the order in which to recurse. * This is a depth-first traverser. */ -#ifndef __MLPAC_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP -#define __MLPAC_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP +#ifndef MLPAC_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP +#define MLPAC_CORE_TREE_RECTANGLE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP #include "dual_tree_traverser.hpp" diff --git a/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic.hpp b/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic.hpp index 527defacee4..e52169ba94d 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic.hpp @@ -5,8 +5,8 @@ * Definition of RStarTreeDescentHeuristic, a class that chooses the best child * of a node in an R tree when inserting a new point. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic_impl.hpp index 8a5b88c6645..8fd11e9e0f7 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_star_tree_descent_heuristic_impl.hpp @@ -5,8 +5,8 @@ * Implementation of RStarTreeDescentHeuristic, a class that chooses the best child of a node in * an R tree when inserting a new point. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_IMPL_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_IMPL_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_IMPL_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_DESCENT_HEURISTIC_IMPL_HPP #include "r_star_tree_descent_heuristic.hpp" diff --git a/src/mlpack/core/tree/rectangle_tree/r_star_tree_split.hpp b/src/mlpack/core/tree/rectangle_tree/r_star_tree_split.hpp index 8aa8f32544c..db4f25c58db 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_star_tree_split.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_star_tree_split.hpp @@ -5,8 +5,8 @@ * Defintion of the RStarTreeSplit class, a class that splits the nodes of an R tree, starting * at a leaf node and moving upwards if necessary. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/r_star_tree_split_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_star_tree_split_impl.hpp index 1a26bc0add2..245bc311fef 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_star_tree_split_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_star_tree_split_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of class (RStarTreeSplit) to split a RectangleTree. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_IMPL_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_IMPL_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_IMPL_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_R_STAR_TREE_SPLIT_IMPL_HPP #include "r_star_tree_split.hpp" #include "rectangle_tree.hpp" diff --git a/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic.hpp b/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic.hpp index 89ef82a80b5..b7392d35a31 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic.hpp @@ -5,8 +5,8 @@ * Definition of RTreeDescentHeuristic, a class that chooses the best child of a * node in an R tree when inserting a new point. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic_impl.hpp index ea1bca4f361..40cd4bf53c0 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_tree_descent_heuristic_impl.hpp @@ -5,8 +5,8 @@ * Implementation of RTreeDescentHeuristic, a class that chooses the best child * of a node in an R tree when inserting a new point. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_IMPL_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_IMPL_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_IMPL_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_DESCENT_HEURISTIC_IMPL_HPP #include "r_tree_descent_heuristic.hpp" diff --git a/src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp b/src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp index 1bf5745ccac..f551fe17c7c 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_tree_split.hpp @@ -5,8 +5,8 @@ * Defintion of the RTreeSplit class, a class that splits the nodes of an R * tree, starting at a leaf node and moving upwards if necessary. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/r_tree_split_impl.hpp b/src/mlpack/core/tree/rectangle_tree/r_tree_split_impl.hpp index 005d1b0651a..6047e18f480 100644 --- a/src/mlpack/core/tree/rectangle_tree/r_tree_split_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/r_tree_split_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of class (RTreeSplit) to split a RectangleTree. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_IMPL_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_IMPL_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_IMPL_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_R_TREE_SPLIT_IMPL_HPP #include "r_tree_split.hpp" #include "rectangle_tree.hpp" diff --git a/src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp b/src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp index f718845a6b1..39b1c60a6c7 100644 --- a/src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp +++ b/src/mlpack/core/tree/rectangle_tree/rectangle_tree.hpp @@ -5,8 +5,8 @@ * Definition of generalized rectangle type trees (r_tree, r_star_tree, x_tree, * and hilbert_r_tree). */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/rectangle_tree_impl.hpp b/src/mlpack/core/tree/rectangle_tree/rectangle_tree_impl.hpp index 87f4b4abac3..05fa66dd1fb 100644 --- a/src/mlpack/core/tree/rectangle_tree/rectangle_tree_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/rectangle_tree_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of generalized rectangle tree. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_IMPL_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_IMPL_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_IMPL_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_RECTANGLE_TREE_IMPL_HPP // In case it wasn't included already for some reason. #include "rectangle_tree.hpp" diff --git a/src/mlpack/core/tree/rectangle_tree/single_tree_traverser.hpp b/src/mlpack/core/tree/rectangle_tree/single_tree_traverser.hpp index 720a06ebea7..b75b31155f6 100644 --- a/src/mlpack/core/tree/rectangle_tree/single_tree_traverser.hpp +++ b/src/mlpack/core/tree/rectangle_tree/single_tree_traverser.hpp @@ -6,8 +6,8 @@ * with a given set of rules which indicate the branches to prune and the * order in which to recurse. This is a depth-first traverser. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/single_tree_traverser_impl.hpp b/src/mlpack/core/tree/rectangle_tree/single_tree_traverser_impl.hpp index a5d97921792..5e3116457b5 100644 --- a/src/mlpack/core/tree/rectangle_tree/single_tree_traverser_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/single_tree_traverser_impl.hpp @@ -6,8 +6,8 @@ * which indicate the branches to prune and the order in which to recurse. * This is a depth-first traverser. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_SINGLE_TREE_TRAVERSER_IMPL_HPP #include "single_tree_traverser.hpp" diff --git a/src/mlpack/core/tree/rectangle_tree/traits.hpp b/src/mlpack/core/tree/rectangle_tree/traits.hpp index 811d9ace16e..25da24e2716 100644 --- a/src/mlpack/core/tree/rectangle_tree/traits.hpp +++ b/src/mlpack/core/tree/rectangle_tree/traits.hpp @@ -4,8 +4,8 @@ * * Specialization of the TreeTraits class for the RectangleTree type of tree. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_TRAITS_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_TRAITS_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_TRAITS_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_TRAITS_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/typedef.hpp b/src/mlpack/core/tree/rectangle_tree/typedef.hpp index 89924b7be9c..d2f11961e4c 100644 --- a/src/mlpack/core/tree/rectangle_tree/typedef.hpp +++ b/src/mlpack/core/tree/rectangle_tree/typedef.hpp @@ -5,8 +5,8 @@ * Typedefs of RectangleTrees, for use by classes that require trees matching * the TreeType API. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_TYPEDEF_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_TYPEDEF_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_TYPEDEF_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_TYPEDEF_HPP #include "rectangle_tree.hpp" diff --git a/src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp b/src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp index 9c37ca5e20e..f8c9214f9bf 100644 --- a/src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp +++ b/src/mlpack/core/tree/rectangle_tree/x_tree_split.hpp @@ -7,8 +7,8 @@ * * This is known to have a bug: see #368. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_HPP #include diff --git a/src/mlpack/core/tree/rectangle_tree/x_tree_split_impl.hpp b/src/mlpack/core/tree/rectangle_tree/x_tree_split_impl.hpp index 4472e23eb72..dcc5935cbfe 100644 --- a/src/mlpack/core/tree/rectangle_tree/x_tree_split_impl.hpp +++ b/src/mlpack/core/tree/rectangle_tree/x_tree_split_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of class (XTreeSplit) to split a RectangleTree. */ -#ifndef __MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_IMPL_HPP -#define __MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_IMPL_HPP +#ifndef MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_IMPL_HPP +#define MLPACK_CORE_TREE_RECTANGLE_TREE_X_TREE_SPLIT_IMPL_HPP #include "x_tree_split.hpp" #include "rectangle_tree.hpp" diff --git a/src/mlpack/core/tree/statistic.hpp b/src/mlpack/core/tree/statistic.hpp index b1309217fe9..247aa24692b 100644 --- a/src/mlpack/core/tree/statistic.hpp +++ b/src/mlpack/core/tree/statistic.hpp @@ -6,8 +6,8 @@ * You should define your own statistic that looks like EmptyStatistic. */ -#ifndef __MLPACK_CORE_TREE_STATISTIC_HPP -#define __MLPACK_CORE_TREE_STATISTIC_HPP +#ifndef MLPACK_CORE_TREE_STATISTIC_HPP +#define MLPACK_CORE_TREE_STATISTIC_HPP namespace mlpack { namespace tree { diff --git a/src/mlpack/core/tree/traversal_info.hpp b/src/mlpack/core/tree/traversal_info.hpp index 994941baa52..43941e2e656 100644 --- a/src/mlpack/core/tree/traversal_info.hpp +++ b/src/mlpack/core/tree/traversal_info.hpp @@ -6,8 +6,8 @@ * dual-tree traversal should be updating the members of this class before * Score() is called. */ -#ifndef __MLPACK_CORE_TREE_TRAVERSAL_INFO_HPP -#define __MLPACK_CORE_TREE_TRAVERSAL_INFO_HPP +#ifndef MLPACK_CORE_TREE_TRAVERSAL_INFO_HPP +#define MLPACK_CORE_TREE_TRAVERSAL_INFO_HPP /** * The TraversalInfo class holds traversal information which is used in diff --git a/src/mlpack/core/tree/tree_traits.hpp b/src/mlpack/core/tree/tree_traits.hpp index 048cac78d71..cb005e63954 100644 --- a/src/mlpack/core/tree/tree_traits.hpp +++ b/src/mlpack/core/tree/tree_traits.hpp @@ -6,8 +6,8 @@ * provides information about tree types. If you create a tree class, you * should specialize this class with the characteristics of your tree. */ -#ifndef __MLPACK_CORE_TREE_TREE_TRAITS_HPP -#define __MLPACK_CORE_TREE_TREE_TRAITS_HPP +#ifndef MLPACK_CORE_TREE_TREE_TRAITS_HPP +#define MLPACK_CORE_TREE_TREE_TRAITS_HPP namespace mlpack { namespace tree { diff --git a/src/mlpack/core/util/arma_config_check.hpp b/src/mlpack/core/util/arma_config_check.hpp index 52ab9001db5..ce6f4b6d2e2 100644 --- a/src/mlpack/core/util/arma_config_check.hpp +++ b/src/mlpack/core/util/arma_config_check.hpp @@ -8,8 +8,8 @@ * debugging process where nobody can figure out why the stack is getting * mangled. */ -#ifndef __MLPACK_CORE_UTIL_ARMA_CONFIG_CHECK_HPP -#define __MLPACK_CORE_UTIL_ARMA_CONFIG_CHECK_HPP +#ifndef MLPACK_CORE_UTIL_ARMA_CONFIG_CHECK_HPP +#define MLPACK_CORE_UTIL_ARMA_CONFIG_CHECK_HPP #include "arma_config.hpp" diff --git a/src/mlpack/core/util/arma_traits.hpp b/src/mlpack/core/util/arma_traits.hpp index a8588c850a4..c311759dd33 100644 --- a/src/mlpack/core/util/arma_traits.hpp +++ b/src/mlpack/core/util/arma_traits.hpp @@ -4,8 +4,8 @@ * * Some traits used for template metaprogramming (SFINAE) with Armadillo types. */ -#ifndef __MLPACK_CORE_UTIL_ARMA_TRAITS_HPP -#define __MLPACK_CORE_UTIL_ARMA_TRAITS_HPP +#ifndef MLPACK_CORE_UTIL_ARMA_TRAITS_HPP +#define MLPACK_CORE_UTIL_ARMA_TRAITS_HPP // Structs have public members by default (that's why they are chosen over // classes). diff --git a/src/mlpack/core/util/cli.hpp b/src/mlpack/core/util/cli.hpp index 860e1315a71..16449ef1bb2 100644 --- a/src/mlpack/core/util/cli.hpp +++ b/src/mlpack/core/util/cli.hpp @@ -6,8 +6,8 @@ * This can be used more or less regardless of context. In the future, * it might be expanded to include file I/O. */ -#ifndef __MLPACK_CORE_UTIL_CLI_HPP -#define __MLPACK_CORE_UTIL_CLI_HPP +#ifndef MLPACK_CORE_UTIL_CLI_HPP +#define MLPACK_CORE_UTIL_CLI_HPP #include #include diff --git a/src/mlpack/core/util/cli_deleter.hpp b/src/mlpack/core/util/cli_deleter.hpp index 34764b40798..168db8e8254 100644 --- a/src/mlpack/core/util/cli_deleter.hpp +++ b/src/mlpack/core/util/cli_deleter.hpp @@ -4,8 +4,8 @@ * * Definition of the CLIDeleter() class. */ -#ifndef __MLPACK_CORE_UTIL_CLI_DELETER_HPP -#define __MLPACK_CORE_UTIL_CLI_DELETER_HPP +#ifndef MLPACK_CORE_UTIL_CLI_DELETER_HPP +#define MLPACK_CORE_UTIL_CLI_DELETER_HPP namespace mlpack { namespace util { diff --git a/src/mlpack/core/util/cli_impl.hpp b/src/mlpack/core/util/cli_impl.hpp index 9450322787f..72f4be2c338 100644 --- a/src/mlpack/core/util/cli_impl.hpp +++ b/src/mlpack/core/util/cli_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of templated functions of the CLI class. */ -#ifndef __MLPACK_CORE_UTIL_CLI_IMPL_HPP -#define __MLPACK_CORE_UTIL_CLI_IMPL_HPP +#ifndef MLPACK_CORE_UTIL_CLI_IMPL_HPP +#define MLPACK_CORE_UTIL_CLI_IMPL_HPP // In case it has not already been included. #include "cli.hpp" diff --git a/src/mlpack/core/util/log.hpp b/src/mlpack/core/util/log.hpp index a3275fd437a..7c40d351f9f 100644 --- a/src/mlpack/core/util/log.hpp +++ b/src/mlpack/core/util/log.hpp @@ -4,8 +4,8 @@ * * Definition of the Log class. */ -#ifndef __MLPACK_CORE_UTIL_LOG_HPP -#define __MLPACK_CORE_UTIL_LOG_HPP +#ifndef MLPACK_CORE_UTIL_LOG_HPP +#define MLPACK_CORE_UTIL_LOG_HPP #include diff --git a/src/mlpack/core/util/nulloutstream.hpp b/src/mlpack/core/util/nulloutstream.hpp index ac92b81929c..de4c95b4ad9 100644 --- a/src/mlpack/core/util/nulloutstream.hpp +++ b/src/mlpack/core/util/nulloutstream.hpp @@ -5,8 +5,8 @@ * * Definition of the NullOutStream class. */ -#ifndef __MLPACK_CORE_UTIL_NULLOUTSTREAM_HPP -#define __MLPACK_CORE_UTIL_NULLOUTSTREAM_HPP +#ifndef MLPACK_CORE_UTIL_NULLOUTSTREAM_HPP +#define MLPACK_CORE_UTIL_NULLOUTSTREAM_HPP #include #include diff --git a/src/mlpack/core/util/option.hpp b/src/mlpack/core/util/option.hpp index 90d34970d45..cf640790e84 100644 --- a/src/mlpack/core/util/option.hpp +++ b/src/mlpack/core/util/option.hpp @@ -5,8 +5,8 @@ * Definition of the Option class, which is used to define parameters which are * used by CLI. The ProgramDoc class also resides here. */ -#ifndef __MLPACK_CORE_UTIL_OPTION_HPP -#define __MLPACK_CORE_UTIL_OPTION_HPP +#ifndef MLPACK_CORE_UTIL_OPTION_HPP +#define MLPACK_CORE_UTIL_OPTION_HPP #include diff --git a/src/mlpack/core/util/option_impl.hpp b/src/mlpack/core/util/option_impl.hpp index 79dee744f19..6684c1aaa6e 100644 --- a/src/mlpack/core/util/option_impl.hpp +++ b/src/mlpack/core/util/option_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of template functions for the Option class. */ -#ifndef __MLPACK_CORE_UTIL_OPTION_IMPL_HPP -#define __MLPACK_CORE_UTIL_OPTION_IMPL_HPP +#ifndef MLPACK_CORE_UTIL_OPTION_IMPL_HPP +#define MLPACK_CORE_UTIL_OPTION_IMPL_HPP // Just in case it has not been included. #include "option.hpp" diff --git a/src/mlpack/core/util/prefixedoutstream.hpp b/src/mlpack/core/util/prefixedoutstream.hpp index 7af45407812..13ead9ee5c7 100644 --- a/src/mlpack/core/util/prefixedoutstream.hpp +++ b/src/mlpack/core/util/prefixedoutstream.hpp @@ -5,8 +5,8 @@ * * Declaration of the PrefixedOutStream class. */ -#ifndef __MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_HPP -#define __MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_HPP +#ifndef MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_HPP +#define MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_HPP #include #include diff --git a/src/mlpack/core/util/prefixedoutstream_impl.hpp b/src/mlpack/core/util/prefixedoutstream_impl.hpp index d86763fed88..faf52ac918e 100644 --- a/src/mlpack/core/util/prefixedoutstream_impl.hpp +++ b/src/mlpack/core/util/prefixedoutstream_impl.hpp @@ -5,8 +5,8 @@ * * Implementation of templated PrefixedOutStream member functions. */ -#ifndef __MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_IMPL_HPP -#define __MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_IMPL_HPP +#ifndef MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_IMPL_HPP +#define MLPACK_CORE_UTIL_PREFIXEDOUTSTREAM_IMPL_HPP // Just in case it hasn't been included. #include "prefixedoutstream.hpp" diff --git a/src/mlpack/core/util/sfinae_utility.hpp b/src/mlpack/core/util/sfinae_utility.hpp index fdc696a0eb3..d3035b86e92 100644 --- a/src/mlpack/core/util/sfinae_utility.hpp +++ b/src/mlpack/core/util/sfinae_utility.hpp @@ -7,8 +7,8 @@ * compile time, which is useful for changing functionality depending on what * operations an object is capable of performing. */ -#ifndef __MLPACK_CORE_SFINAE_UTILITY -#define __MLPACK_CORE_SFINAE_UTILITY +#ifndef MLPACK_CORE_SFINAE_UTILITY +#define MLPACK_CORE_SFINAE_UTILITY #include #include diff --git a/src/mlpack/core/util/string_util.hpp b/src/mlpack/core/util/string_util.hpp index 2fcbf93930c..7fa90807119 100644 --- a/src/mlpack/core/util/string_util.hpp +++ b/src/mlpack/core/util/string_util.hpp @@ -5,8 +5,8 @@ * * Declares methods that are useful for writing formatting output. */ -#ifndef __MLPACK_CORE_STRING_UTIL_HPP -#define __MLPACK_CORE_STRING_UTIL_HPP +#ifndef MLPACK_CORE_STRING_UTIL_HPP +#define MLPACK_CORE_STRING_UTIL_HPP #include diff --git a/src/mlpack/core/util/timers.hpp b/src/mlpack/core/util/timers.hpp index fb55e736764..8dfd946d290 100644 --- a/src/mlpack/core/util/timers.hpp +++ b/src/mlpack/core/util/timers.hpp @@ -5,8 +5,8 @@ * * Timers for MLPACK. */ -#ifndef __MLPACK_CORE_UTILITIES_TIMERS_HPP -#define __MLPACK_CORE_UTILITIES_TIMERS_HPP +#ifndef MLPACK_CORE_UTILITIES_TIMERS_HPP +#define MLPACK_CORE_UTILITIES_TIMERS_HPP #include #include diff --git a/src/mlpack/core/util/version.cpp b/src/mlpack/core/util/version.cpp index 3a5347be554..d552bda976c 100644 --- a/src/mlpack/core/util/version.cpp +++ b/src/mlpack/core/util/version.cpp @@ -12,7 +12,7 @@ // name. std::string mlpack::util::GetVersion() { -#ifndef __MLPACK_GIT_VERSION +#ifndef MLPACK_GIT_VERSION std::stringstream o; o << "mlpack " << __MLPACK_VERSION_MAJOR << "." << __MLPACK_VERSION_MINOR << "." << __MLPACK_VERSION_PATCH; diff --git a/src/mlpack/core/util/version.hpp b/src/mlpack/core/util/version.hpp index d7e2685b1d4..92e631f15ca 100644 --- a/src/mlpack/core/util/version.hpp +++ b/src/mlpack/core/util/version.hpp @@ -4,16 +4,16 @@ * * The current version of mlpack, available as macros and as a string. */ -#ifndef __MLPACK_CORE_UTIL_VERSION_HPP -#define __MLPACK_CORE_UTIL_VERSION_HPP +#ifndef MLPACK_CORE_UTIL_VERSION_HPP +#define MLPACK_CORE_UTIL_VERSION_HPP #include // The version of mlpack. If this is a git repository, this will be a version // with higher number than the most recent release. -#define __MLPACK_VERSION_MAJOR 2 -#define __MLPACK_VERSION_MINOR 0 -#define __MLPACK_VERSION_PATCH "x" +#define MLPACK_VERSION_MAJOR 2 +#define MLPACK_VERSION_MINOR 0 +#define MLPACK_VERSION_PATCH "x" // The name of the version (for use by --version). namespace mlpack { diff --git a/src/mlpack/methods/adaboost/adaboost.hpp b/src/mlpack/methods/adaboost/adaboost.hpp index d0449511c9d..f8316308978 100644 --- a/src/mlpack/methods/adaboost/adaboost.hpp +++ b/src/mlpack/methods/adaboost/adaboost.hpp @@ -20,8 +20,8 @@ * } * @endcode */ -#ifndef __MLPACK_METHODS_ADABOOST_ADABOOST_HPP -#define __MLPACK_METHODS_ADABOOST_ADABOOST_HPP +#ifndef MLPACK_METHODS_ADABOOST_ADABOOST_HPP +#define MLPACK_METHODS_ADABOOST_ADABOOST_HPP #include #include diff --git a/src/mlpack/methods/adaboost/adaboost_impl.hpp b/src/mlpack/methods/adaboost/adaboost_impl.hpp index d2d16f0c523..a692a324668 100644 --- a/src/mlpack/methods/adaboost/adaboost_impl.hpp +++ b/src/mlpack/methods/adaboost/adaboost_impl.hpp @@ -18,8 +18,8 @@ * } * @endcode */ -#ifndef __MLPACK_METHODS_ADABOOST_ADABOOST_IMPL_HPP -#define __MLPACK_METHODS_ADABOOST_ADABOOST_IMPL_HPP +#ifndef MLPACK_METHODS_ADABOOST_ADABOOST_IMPL_HPP +#define MLPACK_METHODS_ADABOOST_ADABOOST_IMPL_HPP #include "adaboost.hpp" diff --git a/src/mlpack/methods/amf/amf.hpp b/src/mlpack/methods/amf/amf.hpp index 37e9c9bab66..9d817431c4b 100644 --- a/src/mlpack/methods/amf/amf.hpp +++ b/src/mlpack/methods/amf/amf.hpp @@ -10,8 +10,8 @@ * known techniques such as incremental SVD, NMF, and batch-learning SVD can be * derived. */ -#ifndef __MLPACK_METHODS_AMF_AMF_HPP -#define __MLPACK_METHODS_AMF_AMF_HPP +#ifndef MLPACK_METHODS_AMF_AMF_HPP +#define MLPACK_METHODS_AMF_AMF_HPP #include diff --git a/src/mlpack/methods/amf/init_rules/average_init.hpp b/src/mlpack/methods/amf/init_rules/average_init.hpp index c3f7cfb2d56..a876121be20 100644 --- a/src/mlpack/methods/amf/init_rules/average_init.hpp +++ b/src/mlpack/methods/amf/init_rules/average_init.hpp @@ -4,8 +4,8 @@ * * Initialization rule for Alternating Matrix Factorization. */ -#ifndef __MLPACK_METHODS_AMF_AVERAGE_INIT_HPP -#define __MLPACK_METHODS_AMF_AVERAGE_INIT_HPP +#ifndef MLPACK_METHODS_AMF_AVERAGE_INIT_HPP +#define MLPACK_METHODS_AMF_AVERAGE_INIT_HPP #include 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 8f45ec1d7e1..10a072fd1e6 100644 --- a/src/mlpack/methods/amf/init_rules/random_acol_init.hpp +++ b/src/mlpack/methods/amf/init_rules/random_acol_init.hpp @@ -4,8 +4,8 @@ * * Initialization rule for Alternating Matrix Factorization. */ -#ifndef __MLPACK_METHODS_LMF_RANDOM_ACOL_INIT_HPP -#define __MLPACK_METHODS_LMF_RANDOM_ACOL_INIT_HPP +#ifndef MLPACK_METHODS_LMF_RANDOM_ACOL_INIT_HPP +#define MLPACK_METHODS_LMF_RANDOM_ACOL_INIT_HPP #include diff --git a/src/mlpack/methods/amf/init_rules/random_init.hpp b/src/mlpack/methods/amf/init_rules/random_init.hpp index 8400b6880ab..57ce7daff13 100644 --- a/src/mlpack/methods/amf/init_rules/random_init.hpp +++ b/src/mlpack/methods/amf/init_rules/random_init.hpp @@ -5,8 +5,8 @@ * Initialization rule for alternating matrix factorization (AMF). This simple * initialization is performed by assigning a random matrix to W and H. */ -#ifndef __MLPACK_METHODS_LMF_RANDOM_INIT_HPP -#define __MLPACK_METHODS_LMF_RANDOM_INIT_HPP +#ifndef MLPACK_METHODS_LMF_RANDOM_INIT_HPP +#define MLPACK_METHODS_LMF_RANDOM_INIT_HPP #include 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 f4994e67323..923a5b8748d 100644 --- a/src/mlpack/methods/amf/termination_policies/complete_incremental_termination.hpp +++ b/src/mlpack/methods/amf/termination_policies/complete_incremental_termination.hpp @@ -4,8 +4,8 @@ * * Termination policy used in AMF (Alternating Matrix Factorization). */ -#ifndef __MLPACK_METHODS_AMF_COMPLETE_INCREMENTAL_TERMINATION_HPP -#define __MLPACK_METHODS_AMF_COMPLETE_INCREMENTAL_TERMINATION_HPP +#ifndef MLPACK_METHODS_AMF_COMPLETE_INCREMENTAL_TERMINATION_HPP +#define MLPACK_METHODS_AMF_COMPLETE_INCREMENTAL_TERMINATION_HPP namespace mlpack { namespace amf { 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 69e30c0dbae..e971af2bea2 100644 --- a/src/mlpack/methods/amf/termination_policies/max_iteration_termination.hpp +++ b/src/mlpack/methods/amf/termination_policies/max_iteration_termination.hpp @@ -5,8 +5,8 @@ * A termination policy which only terminates when the maximum number of * iterations is reached. */ -#ifndef __MLPACK_METHODS_AMF_TERMINATION_POLICIES_MAX_ITERATION_TERMINATION_HPP -#define __MLPACK_METHODS_AMF_TERMINATION_POLICIES_MAX_ITERATION_TERMINATION_HPP +#ifndef MLPACK_METHODS_AMF_TERMINATION_POLICIES_MAX_ITERATION_TERMINATION_HPP +#define MLPACK_METHODS_AMF_TERMINATION_POLICIES_MAX_ITERATION_TERMINATION_HPP namespace mlpack { namespace amf { diff --git a/src/mlpack/methods/amf/update_rules/nmf_als.hpp b/src/mlpack/methods/amf/update_rules/nmf_als.hpp index 23f8163c6e9..955d4f4327b 100644 --- a/src/mlpack/methods/amf/update_rules/nmf_als.hpp +++ b/src/mlpack/methods/amf/update_rules/nmf_als.hpp @@ -4,8 +4,8 @@ * * Update rules for the Non-negative Matrix Factorization. */ -#ifndef __MLPACK_METHODS_LMF_UPDATE_RULES_NMF_ALS_HPP -#define __MLPACK_METHODS_LMF_UPDATE_RULES_NMF_ALS_HPP +#ifndef MLPACK_METHODS_LMF_UPDATE_RULES_NMF_ALS_HPP +#define MLPACK_METHODS_LMF_UPDATE_RULES_NMF_ALS_HPP #include 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 025fc0dae67..62dd6448ce9 100644 --- a/src/mlpack/methods/amf/update_rules/nmf_mult_dist.hpp +++ b/src/mlpack/methods/amf/update_rules/nmf_mult_dist.hpp @@ -4,8 +4,8 @@ * * Update rules for the Non-negative Matrix Factorization. */ -#ifndef __MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIST_UPDATE_RULES_HPP -#define __MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIST_UPDATE_RULES_HPP +#ifndef MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIST_UPDATE_RULES_HPP +#define MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIST_UPDATE_RULES_HPP #include 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 018d9ee5d5d..9aab36650d0 100644 --- a/src/mlpack/methods/amf/update_rules/nmf_mult_div.hpp +++ b/src/mlpack/methods/amf/update_rules/nmf_mult_div.hpp @@ -4,8 +4,8 @@ * * Update rules for the Non-negative Matrix Factorization. */ -#ifndef __MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIV_HPP -#define __MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIV_HPP +#ifndef MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIV_HPP +#define MLPACK_METHODS_LMF_UPDATE_RULES_NMF_MULT_DIV_HPP #include 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 e3a37382f47..94c9a2deecc 100644 --- a/src/mlpack/methods/amf/update_rules/svd_batch_learning.hpp +++ b/src/mlpack/methods/amf/update_rules/svd_batch_learning.hpp @@ -4,8 +4,8 @@ * * SVD factorizer used in AMF (Alternating Matrix Factorization). */ -#ifndef __MLPACK_METHODS_AMF_UPDATE_RULES_SVD_BATCH_LEARNING_HPP -#define __MLPACK_METHODS_AMF_UPDATE_RULES_SVD_BATCH_LEARNING_HPP +#ifndef MLPACK_METHODS_AMF_UPDATE_RULES_SVD_BATCH_LEARNING_HPP +#define MLPACK_METHODS_AMF_UPDATE_RULES_SVD_BATCH_LEARNING_HPP #include 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 7d706b6f4e2..2ce9b16608f 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 @@ -4,8 +4,8 @@ * * SVD factorizer used in AMF (Alternating Matrix Factorization). */ -#ifndef __MLPACK_METHODS_AMF_SVD_COMPLETE_INCREMENTAL_LEARNING_HPP -#define __MLPACK_METHODS_AMF_SVD_COMPLETE_INCREMENTAL_LEARNING_HPP +#ifndef MLPACK_METHODS_AMF_SVD_COMPLETE_INCREMENTAL_LEARNING_HPP +#define MLPACK_METHODS_AMF_SVD_COMPLETE_INCREMENTAL_LEARNING_HPP #include 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 420b3684893..65d07fc045b 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 @@ -4,8 +4,8 @@ * * SVD factorizer used in AMF (Alternating Matrix Factorization). */ -#ifndef __MLPACK_METHODS_AMF_SVD_INCOMPLETE_INCREMENTAL_LEARNING_HPP -#define __MLPACK_METHODS_AMF_SVD_INCOMPLETE_INCREMENTAL_LEARNING_HPP +#ifndef MLPACK_METHODS_AMF_SVD_INCOMPLETE_INCREMENTAL_LEARNING_HPP +#define MLPACK_METHODS_AMF_SVD_INCOMPLETE_INCREMENTAL_LEARNING_HPP namespace mlpack { diff --git a/src/mlpack/methods/ann/activation_functions/identity_function.hpp b/src/mlpack/methods/ann/activation_functions/identity_function.hpp index b3eadb94af4..ac418a90fac 100644 --- a/src/mlpack/methods/ann/activation_functions/identity_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/identity_function.hpp @@ -4,8 +4,8 @@ * * Definition and implementation of the identity function. */ -#ifndef __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_IDENTITY_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_IDENTITY_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_IDENTITY_FUNCTION_HPP +#define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_IDENTITY_FUNCTION_HPP #include diff --git a/src/mlpack/methods/ann/activation_functions/logistic_function.hpp b/src/mlpack/methods/ann/activation_functions/logistic_function.hpp index 9cf99d8aafe..5f197978b68 100644 --- a/src/mlpack/methods/ann/activation_functions/logistic_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/logistic_function.hpp @@ -4,8 +4,8 @@ * * Definition and implementation of the logistic function. */ -#ifndef __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_LOGISTIC_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_LOGISTIC_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_LOGISTIC_FUNCTION_HPP +#define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_LOGISTIC_FUNCTION_HPP #include diff --git a/src/mlpack/methods/ann/activation_functions/rectifier_function.hpp b/src/mlpack/methods/ann/activation_functions/rectifier_function.hpp index bb22c14cac6..fbf31ee7655 100644 --- a/src/mlpack/methods/ann/activation_functions/rectifier_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/rectifier_function.hpp @@ -15,8 +15,8 @@ * } * @endcode */ -#ifndef __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_RECTIFIER_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_RECTIFIER_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_RECTIFIER_FUNCTION_HPP +#define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_RECTIFIER_FUNCTION_HPP #include #include diff --git a/src/mlpack/methods/ann/activation_functions/softsign_function.hpp b/src/mlpack/methods/ann/activation_functions/softsign_function.hpp index 3f8ccae47bb..92a215a6864 100644 --- a/src/mlpack/methods/ann/activation_functions/softsign_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/softsign_function.hpp @@ -17,8 +17,8 @@ * } * @endcode */ -#ifndef __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_SOFTSIGN_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_SOFTSIGN_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_SOFTSIGN_FUNCTION_HPP +#define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_SOFTSIGN_FUNCTION_HPP #include diff --git a/src/mlpack/methods/ann/activation_functions/tanh_function.hpp b/src/mlpack/methods/ann/activation_functions/tanh_function.hpp index 00c47ed1359..a5e074c092e 100644 --- a/src/mlpack/methods/ann/activation_functions/tanh_function.hpp +++ b/src/mlpack/methods/ann/activation_functions/tanh_function.hpp @@ -4,8 +4,8 @@ * * Definition and implementation of the Tangens Hyperbolic function. */ -#ifndef __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_TANH_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_TANH_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_TANH_FUNCTION_HPP +#define MLPACK_METHODS_ANN_ACTIVATION_FUNCTIONS_TANH_FUNCTION_HPP #include diff --git a/src/mlpack/methods/ann/cnn.hpp b/src/mlpack/methods/ann/cnn.hpp index 7e6158c983d..9f1b193332c 100644 --- a/src/mlpack/methods/ann/cnn.hpp +++ b/src/mlpack/methods/ann/cnn.hpp @@ -5,8 +5,8 @@ * * Definition of the CNN class, which implements convolutional neural networks. */ -#ifndef __MLPACK_METHODS_ANN_CNN_HPP -#define __MLPACK_METHODS_ANN_CNN_HPP +#ifndef MLPACK_METHODS_ANN_CNN_HPP +#define MLPACK_METHODS_ANN_CNN_HPP #include diff --git a/src/mlpack/methods/ann/cnn_impl.hpp b/src/mlpack/methods/ann/cnn_impl.hpp index 3b568c46f60..cbf55750b4d 100644 --- a/src/mlpack/methods/ann/cnn_impl.hpp +++ b/src/mlpack/methods/ann/cnn_impl.hpp @@ -4,8 +4,8 @@ * * Definition of the CNN class, which implements convolutional neural networks. */ -#ifndef __MLPACK_METHODS_ANN_CNN_IMPL_HPP -#define __MLPACK_METHODS_ANN_CNN_IMPL_HPP +#ifndef MLPACK_METHODS_ANN_CNN_IMPL_HPP +#define MLPACK_METHODS_ANN_CNN_IMPL_HPP // In case it hasn't been included yet. #include "cnn.hpp" diff --git a/src/mlpack/methods/ann/convolution_rules/border_modes.hpp b/src/mlpack/methods/ann/convolution_rules/border_modes.hpp index 1b9bbcf1c4f..a3d943f4e2a 100644 --- a/src/mlpack/methods/ann/convolution_rules/border_modes.hpp +++ b/src/mlpack/methods/ann/convolution_rules/border_modes.hpp @@ -5,8 +5,8 @@ * This file provides the border modes that can be used to compute different * convolutions. */ -#ifndef __MLPACK_METHODS_ANN_CONVOLUTION_RULES_BORDER_MODES_HPP -#define __MLPACK_METHODS_ANN_CONVOLUTION_RULES_BORDER_MODES_HPP +#ifndef MLPACK_METHODS_ANN_CONVOLUTION_RULES_BORDER_MODES_HPP +#define MLPACK_METHODS_ANN_CONVOLUTION_RULES_BORDER_MODES_HPP namespace mlpack { namespace ann { diff --git a/src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp b/src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp index 7202f42d5ce..0447d24fe8c 100644 --- a/src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp +++ b/src/mlpack/methods/ann/convolution_rules/fft_convolution.hpp @@ -5,8 +5,8 @@ * * Implementation of the convolution through fft. */ -#ifndef __MLPACK_METHODS_ANN_CONVOLUTION_RULES_FFT_CONVOLUTION_HPP -#define __MLPACK_METHODS_ANN_CONVOLUTION_RULES_FFT_CONVOLUTION_HPP +#ifndef MLPACK_METHODS_ANN_CONVOLUTION_RULES_FFT_CONVOLUTION_HPP +#define MLPACK_METHODS_ANN_CONVOLUTION_RULES_FFT_CONVOLUTION_HPP #include #include "border_modes.hpp" diff --git a/src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp b/src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp index a8c33f0c385..b897da3d21a 100644 --- a/src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp +++ b/src/mlpack/methods/ann/convolution_rules/naive_convolution.hpp @@ -5,8 +5,8 @@ * * Implementation of the convolution. */ -#ifndef __MLPACK_METHODS_ANN_CONVOLUTION_RULES_NAIVE_CONVOLUTION_HPP -#define __MLPACK_METHODS_ANN_CONVOLUTION_RULES_NAIVE_CONVOLUTION_HPP +#ifndef MLPACK_METHODS_ANN_CONVOLUTION_RULES_NAIVE_CONVOLUTION_HPP +#define MLPACK_METHODS_ANN_CONVOLUTION_RULES_NAIVE_CONVOLUTION_HPP #include #include "border_modes.hpp" diff --git a/src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp b/src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp index 57a43c4a639..b28d825c05f 100644 --- a/src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp +++ b/src/mlpack/methods/ann/convolution_rules/svd_convolution.hpp @@ -5,8 +5,8 @@ * Implementation of the convolution using the singular value decomposition to * speeded up the computation. */ -#ifndef __MLPACK_METHODS_ANN_CONVOLUTION_RULES_SVD_CONVOLUTION_HPP -#define __MLPACK_METHODS_ANN_CONVOLUTION_RULES_SVD_CONVOLUTION_HPP +#ifndef MLPACK_METHODS_ANN_CONVOLUTION_RULES_SVD_CONVOLUTION_HPP +#define MLPACK_METHODS_ANN_CONVOLUTION_RULES_SVD_CONVOLUTION_HPP #include #include "border_modes.hpp" diff --git a/src/mlpack/methods/ann/ffn.hpp b/src/mlpack/methods/ann/ffn.hpp index d4cd35d321f..5242393f4d1 100644 --- a/src/mlpack/methods/ann/ffn.hpp +++ b/src/mlpack/methods/ann/ffn.hpp @@ -4,8 +4,8 @@ * * Definition of the FFN class, which implements feed forward neural networks. */ -#ifndef __MLPACK_METHODS_ANN_FFN_HPP -#define __MLPACK_METHODS_ANN_FFN_HPP +#ifndef MLPACK_METHODS_ANN_FFN_HPP +#define MLPACK_METHODS_ANN_FFN_HPP #include diff --git a/src/mlpack/methods/ann/ffn_impl.hpp b/src/mlpack/methods/ann/ffn_impl.hpp index 4ab1fa1bf88..3f48fdabb5a 100644 --- a/src/mlpack/methods/ann/ffn_impl.hpp +++ b/src/mlpack/methods/ann/ffn_impl.hpp @@ -4,8 +4,8 @@ * * Definition of the FFN class, which implements feed forward neural networks. */ -#ifndef __MLPACK_METHODS_ANN_FFN_IMPL_HPP -#define __MLPACK_METHODS_ANN_FFN_IMPL_HPP +#ifndef MLPACK_METHODS_ANN_FFN_IMPL_HPP +#define MLPACK_METHODS_ANN_FFN_IMPL_HPP // In case it hasn't been included yet. #include "ffn.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 df6b6e3ed0b..617d2d3862c 100644 --- a/src/mlpack/methods/ann/init_rules/kathirvalavakumar_subavathi_init.hpp +++ b/src/mlpack/methods/ann/init_rules/kathirvalavakumar_subavathi_init.hpp @@ -19,8 +19,8 @@ * } * @endcode */ -#ifndef __MLPACK_METHODS_ANN_INIT_RULES_KATHIRVALAVAKUMAR_SUBAVATHI_INIT_HPP -#define __MLPACK_METHODS_ANN_INIT_RULES_KATHIRVALAVAKUMAR_SUBAVATHI_INIT_HPP +#ifndef MLPACK_METHODS_ANN_INIT_RULES_KATHIRVALAVAKUMAR_SUBAVATHI_INIT_HPP +#define MLPACK_METHODS_ANN_INIT_RULES_KATHIRVALAVAKUMAR_SUBAVATHI_INIT_HPP #include #include 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 dfd5bf0c7ef..11eae36fbc3 100644 --- a/src/mlpack/methods/ann/init_rules/nguyen_widrow_init.hpp +++ b/src/mlpack/methods/ann/init_rules/nguyen_widrow_init.hpp @@ -18,8 +18,8 @@ * } * @endcode */ -#ifndef __MLPACK_METHODS_ANN_INIT_RULES_NGUYEN_WIDROW_INIT_HPP -#define __MLPACK_METHODS_ANN_INIT_RULES_NGUYEN_WIDROW_INIT_HPP +#ifndef MLPACK_METHODS_ANN_INIT_RULES_NGUYEN_WIDROW_INIT_HPP +#define MLPACK_METHODS_ANN_INIT_RULES_NGUYEN_WIDROW_INIT_HPP #include diff --git a/src/mlpack/methods/ann/init_rules/oivs_init.hpp b/src/mlpack/methods/ann/init_rules/oivs_init.hpp index 3afbdee3dd5..39f9dbed99e 100644 --- a/src/mlpack/methods/ann/init_rules/oivs_init.hpp +++ b/src/mlpack/methods/ann/init_rules/oivs_init.hpp @@ -19,8 +19,8 @@ * } * @endcode */ -#ifndef __MLPACK_METHODS_ANN_INIT_RULES_OIVS_INIT_HPP -#define __MLPACK_METHODS_ANN_INIT_RULES_OIVS_INIT_HPP +#ifndef MLPACK_METHODS_ANN_INIT_RULES_OIVS_INIT_HPP +#define MLPACK_METHODS_ANN_INIT_RULES_OIVS_INIT_HPP #include #include diff --git a/src/mlpack/methods/ann/init_rules/orthogonal_init.hpp b/src/mlpack/methods/ann/init_rules/orthogonal_init.hpp index a72752b2cbf..3c20da95959 100644 --- a/src/mlpack/methods/ann/init_rules/orthogonal_init.hpp +++ b/src/mlpack/methods/ann/init_rules/orthogonal_init.hpp @@ -4,8 +4,8 @@ * * Definition and implementation of the orthogonal matrix initialization method. */ -#ifndef __MLPACK_METHODS_ANN_INIT_RULES_ORTHOGONAL_INIT_HPP -#define __MLPACK_METHODS_ANN_INIT_RULES_ORTHOGONAL_INIT_HPP +#ifndef MLPACK_METHODS_ANN_INIT_RULES_ORTHOGONAL_INIT_HPP +#define MLPACK_METHODS_ANN_INIT_RULES_ORTHOGONAL_INIT_HPP #include diff --git a/src/mlpack/methods/ann/init_rules/random_init.hpp b/src/mlpack/methods/ann/init_rules/random_init.hpp index 80e24e1f20c..d3c70648684 100644 --- a/src/mlpack/methods/ann/init_rules/random_init.hpp +++ b/src/mlpack/methods/ann/init_rules/random_init.hpp @@ -5,8 +5,8 @@ * Intialization rule for the neural networks. This simple initialization is * performed by assigning a random matrix to the weight matrix. */ -#ifndef __MLPACK_METHODS_ANN_INIT_RULES_RANDOM_INIT_HPP -#define __MLPACK_METHODS_ANN_INIT_RULES_RANDOM_INIT_HPP +#ifndef MLPACK_METHODS_ANN_INIT_RULES_RANDOM_INIT_HPP +#define MLPACK_METHODS_ANN_INIT_RULES_RANDOM_INIT_HPP #include diff --git a/src/mlpack/methods/ann/init_rules/zero_init.hpp b/src/mlpack/methods/ann/init_rules/zero_init.hpp index b4538b76a58..11c6adf1173 100644 --- a/src/mlpack/methods/ann/init_rules/zero_init.hpp +++ b/src/mlpack/methods/ann/init_rules/zero_init.hpp @@ -5,8 +5,8 @@ * Intialization rule for the neural networks. This simple initialization is * performed by assigning a zero matrix to the weight matrix. */ -#ifndef __MLPACK_METHODS_ANN_INIT_RULES_ZERO_INIT_HPP -#define __MLPACK_METHODS_ANN_INIT_RULES_ZERO_INIT_HPP +#ifndef MLPACK_METHODS_ANN_INIT_RULES_ZERO_INIT_HPP +#define MLPACK_METHODS_ANN_INIT_RULES_ZERO_INIT_HPP #include diff --git a/src/mlpack/methods/ann/layer/base_layer.hpp b/src/mlpack/methods/ann/layer/base_layer.hpp index 1b9f0d8b87e..6cf89c3af0e 100644 --- a/src/mlpack/methods/ann/layer/base_layer.hpp +++ b/src/mlpack/methods/ann/layer/base_layer.hpp @@ -5,8 +5,8 @@ * Definition of the BaseLayer class, which attaches various functions to the * embedding layer. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_BASE_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_BASE_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_BASE_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_BASE_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/bias_layer.hpp b/src/mlpack/methods/ann/layer/bias_layer.hpp index 11d293d2a7a..cc9106d062b 100644 --- a/src/mlpack/methods/ann/layer/bias_layer.hpp +++ b/src/mlpack/methods/ann/layer/bias_layer.hpp @@ -4,8 +4,8 @@ * * Definition of the BiasLayer class. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_BIAS_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_BIAS_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_BIAS_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_BIAS_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/binary_classification_layer.hpp b/src/mlpack/methods/ann/layer/binary_classification_layer.hpp index ae5fb46aee5..ac921fed08e 100644 --- a/src/mlpack/methods/ann/layer/binary_classification_layer.hpp +++ b/src/mlpack/methods/ann/layer/binary_classification_layer.hpp @@ -5,8 +5,8 @@ * Definition of the BinaryClassificationLayer class, which implements a * binary class classification layer that can be used as output layer. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_BINARY_CLASSIFICATION_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_BINARY_CLASSIFICATION_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_BINARY_CLASSIFICATION_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_BINARY_CLASSIFICATION_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/conv_layer.hpp b/src/mlpack/methods/ann/layer/conv_layer.hpp index 91c090315d0..b47fc24433b 100644 --- a/src/mlpack/methods/ann/layer/conv_layer.hpp +++ b/src/mlpack/methods/ann/layer/conv_layer.hpp @@ -4,8 +4,8 @@ * * Definition of the ConvLayer class. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_CONV_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_CONV_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_CONV_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_CONV_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/dropout_layer.hpp b/src/mlpack/methods/ann/layer/dropout_layer.hpp index c9da7216a02..d813652b555 100644 --- a/src/mlpack/methods/ann/layer/dropout_layer.hpp +++ b/src/mlpack/methods/ann/layer/dropout_layer.hpp @@ -5,8 +5,8 @@ * Definition of the DropoutLayer class, which implements a regularizer that * randomly sets units to zero. Preventing units from co-adapting. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_DROPOUT_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_DROPOUT_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_DROPOUT_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_DROPOUT_LAYER_HPP #include diff --git a/src/mlpack/methods/ann/layer/layer_traits.hpp b/src/mlpack/methods/ann/layer/layer_traits.hpp index bebc2adc21d..871170faaa0 100644 --- a/src/mlpack/methods/ann/layer/layer_traits.hpp +++ b/src/mlpack/methods/ann/layer/layer_traits.hpp @@ -5,8 +5,8 @@ * This provides the LayerTraits class, a template class to get information * about various layers. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_LAYER_TRAITS_HPP -#define __MLPACK_METHODS_ANN_LAYER_LAYER_TRAITS_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_LAYER_TRAITS_HPP +#define MLPACK_METHODS_ANN_LAYER_LAYER_TRAITS_HPP #include diff --git a/src/mlpack/methods/ann/layer/linear_layer.hpp b/src/mlpack/methods/ann/layer/linear_layer.hpp index 1c3a1fa60c5..2724e7cdd52 100644 --- a/src/mlpack/methods/ann/layer/linear_layer.hpp +++ b/src/mlpack/methods/ann/layer/linear_layer.hpp @@ -5,8 +5,8 @@ * Definition of the LinearLayer class also known as fully-connected layer or * affine transformation. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_LINEAR_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_LINEAR_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_LINEAR_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_LINEAR_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/lstm_layer.hpp b/src/mlpack/methods/ann/layer/lstm_layer.hpp index ee574563469..96f90a764ac 100644 --- a/src/mlpack/methods/ann/layer/lstm_layer.hpp +++ b/src/mlpack/methods/ann/layer/lstm_layer.hpp @@ -5,8 +5,8 @@ * Definition of the LSTMLayer class, which implements a lstm network * layer. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_LSTM_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_LSTM_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_LSTM_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_LSTM_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp b/src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp index 43f87547c2a..2d071218c67 100644 --- a/src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp +++ b/src/mlpack/methods/ann/layer/multiclass_classification_layer.hpp @@ -5,8 +5,8 @@ * Definition of the MulticlassClassificationLayer class, which implements a * multiclass classification layer that can be used as output layer. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_MULTICLASS_CLASSIFICATION_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_MULTICLASS_CLASSIFICATION_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_MULTICLASS_CLASSIFICATION_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_MULTICLASS_CLASSIFICATION_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/one_hot_layer.hpp b/src/mlpack/methods/ann/layer/one_hot_layer.hpp index a4dc6f43600..60c04828fe7 100644 --- a/src/mlpack/methods/ann/layer/one_hot_layer.hpp +++ b/src/mlpack/methods/ann/layer/one_hot_layer.hpp @@ -5,8 +5,8 @@ * Definition of the OneHotLayer class, which implements a standard network * layer. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_ONE_HOT_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_ONE_HOT_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_ONE_HOT_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_ONE_HOT_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/pooling_layer.hpp b/src/mlpack/methods/ann/layer/pooling_layer.hpp index 64add9b1d3d..424b47e32b7 100644 --- a/src/mlpack/methods/ann/layer/pooling_layer.hpp +++ b/src/mlpack/methods/ann/layer/pooling_layer.hpp @@ -5,8 +5,8 @@ * Definition of the PoolingLayer class, which attaches various pooling * functions to the embedding layer. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_POOLING_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_POOLING_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_POOLING_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_POOLING_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/recurrent_layer.hpp b/src/mlpack/methods/ann/layer/recurrent_layer.hpp index 729179f7ed2..9eb05a587ba 100644 --- a/src/mlpack/methods/ann/layer/recurrent_layer.hpp +++ b/src/mlpack/methods/ann/layer/recurrent_layer.hpp @@ -4,8 +4,8 @@ * * Definition of the RecurrentLayer class. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_RECURRENT_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_RECURRENT_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_RECURRENT_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_RECURRENT_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/softmax_layer.hpp b/src/mlpack/methods/ann/layer/softmax_layer.hpp index 4bfd27d64ef..5446cee690f 100644 --- a/src/mlpack/methods/ann/layer/softmax_layer.hpp +++ b/src/mlpack/methods/ann/layer/softmax_layer.hpp @@ -4,8 +4,8 @@ * * Definition of the SoftmaxLayer class. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_SOFTMAX_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_SOFTMAX_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_SOFTMAX_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_SOFTMAX_LAYER_HPP #include diff --git a/src/mlpack/methods/ann/layer/sparse_bias_layer.hpp b/src/mlpack/methods/ann/layer/sparse_bias_layer.hpp index 8fc33c378ef..b583caef9db 100644 --- a/src/mlpack/methods/ann/layer/sparse_bias_layer.hpp +++ b/src/mlpack/methods/ann/layer/sparse_bias_layer.hpp @@ -4,8 +4,8 @@ * * Definition of the SparseBiasLayer class. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_SPARSE_BIAS_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_SPARSE_BIAS_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_SPARSE_BIAS_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_SPARSE_BIAS_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/sparse_input_layer.hpp b/src/mlpack/methods/ann/layer/sparse_input_layer.hpp index 9b5f27474a4..7326806933b 100644 --- a/src/mlpack/methods/ann/layer/sparse_input_layer.hpp +++ b/src/mlpack/methods/ann/layer/sparse_input_layer.hpp @@ -5,8 +5,8 @@ * Definition of the sparse input class which serve as the first layer * of the sparse autoencoder */ -#ifndef __MLPACK_METHODS_ANN_LAYER_SPARSE_INPUT_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_SPARSE_INPUT_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_SPARSE_INPUT_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_SPARSE_INPUT_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/layer/sparse_output_layer.hpp b/src/mlpack/methods/ann/layer/sparse_output_layer.hpp index ae1597fafb3..679bab30e36 100644 --- a/src/mlpack/methods/ann/layer/sparse_output_layer.hpp +++ b/src/mlpack/methods/ann/layer/sparse_output_layer.hpp @@ -4,8 +4,8 @@ * * This is the fourth layer of sparse autoencoder. */ -#ifndef __MLPACK_METHODS_ANN_LAYER_SPARSE_OUTPUT_LAYER_HPP -#define __MLPACK_METHODS_ANN_LAYER_SPARSE_OUTPUT_LAYER_HPP +#ifndef MLPACK_METHODS_ANN_LAYER_SPARSE_OUTPUT_LAYER_HPP +#define MLPACK_METHODS_ANN_LAYER_SPARSE_OUTPUT_LAYER_HPP #include #include diff --git a/src/mlpack/methods/ann/network_traits.hpp b/src/mlpack/methods/ann/network_traits.hpp index ebb199abe8d..25602cc34fa 100644 --- a/src/mlpack/methods/ann/network_traits.hpp +++ b/src/mlpack/methods/ann/network_traits.hpp @@ -5,8 +5,8 @@ * NetworkTraits class, a template class to get information about various * networks. */ -#ifndef __MLPACK_METHODS_ANN_NETWORK_TRAITS_HPP -#define __MLPACK_METHODS_ANN_NETWORK_TRAITS_HPP +#ifndef MLPACK_METHODS_ANN_NETWORK_TRAITS_HPP +#define MLPACK_METHODS_ANN_NETWORK_TRAITS_HPP namespace mlpack { namespace ann { diff --git a/src/mlpack/methods/ann/network_util.hpp b/src/mlpack/methods/ann/network_util.hpp index c0b222788e7..af54fbf5a93 100644 --- a/src/mlpack/methods/ann/network_util.hpp +++ b/src/mlpack/methods/ann/network_util.hpp @@ -4,8 +4,8 @@ * * Neural network utilities. */ -#ifndef __MLPACK_METHODS_ANN_NETWORK_UTIL_HPP -#define __MLPACK_METHODS_ANN_NETWORK_UTIL_HPP +#ifndef MLPACK_METHODS_ANN_NETWORK_UTIL_HPP +#define MLPACK_METHODS_ANN_NETWORK_UTIL_HPP #include diff --git a/src/mlpack/methods/ann/network_util_impl.hpp b/src/mlpack/methods/ann/network_util_impl.hpp index fbb404147ef..43d93aa1f5c 100644 --- a/src/mlpack/methods/ann/network_util_impl.hpp +++ b/src/mlpack/methods/ann/network_util_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the network auxiliary functions. */ -#ifndef __MLPACK_METHODS_ANN_NETWORK_UTIL_IMPL_HPP -#define __MLPACK_METHODS_ANN_NETWORK_UTIL_IMPL_HPP +#ifndef MLPACK_METHODS_ANN_NETWORK_UTIL_IMPL_HPP +#define MLPACK_METHODS_ANN_NETWORK_UTIL_IMPL_HPP #include "network_util_impl.hpp" diff --git a/src/mlpack/methods/ann/optimizer/ada_delta.hpp b/src/mlpack/methods/ann/optimizer/ada_delta.hpp index 76dc19530fd..1715c911757 100644 --- a/src/mlpack/methods/ann/optimizer/ada_delta.hpp +++ b/src/mlpack/methods/ann/optimizer/ada_delta.hpp @@ -6,8 +6,8 @@ * dynamically adapts over time using only first order information. * Additionally, Adadelta requires no manual tuning of a learning rate. */ -#ifndef __MLPACK_METHODS_ANN_OPTIMIZER_ADA_DELTA_HPP -#define __MLPACK_METHODS_ANN_OPTIMIZER_ADA_DELTA_HPP +#ifndef MLPACK_METHODS_ANN_OPTIMIZER_ADA_DELTA_HPP +#define MLPACK_METHODS_ANN_OPTIMIZER_ADA_DELTA_HPP #include diff --git a/src/mlpack/methods/ann/optimizer/adam.hpp b/src/mlpack/methods/ann/optimizer/adam.hpp index 324020771c9..0a121bdad02 100644 --- a/src/mlpack/methods/ann/optimizer/adam.hpp +++ b/src/mlpack/methods/ann/optimizer/adam.hpp @@ -6,8 +6,8 @@ * order gradient-based optimization of stochastic objective functions, based on * adaptive estimates of lower-order moments. */ -#ifndef __MLPACK_METHODS_ANN_OPTIMIZER_ADAM_HPP -#define __MLPACK_METHODS_ANN_OPTIMIZER_ADAM_HPP +#ifndef MLPACK_METHODS_ANN_OPTIMIZER_ADAM_HPP +#define MLPACK_METHODS_ANN_OPTIMIZER_ADAM_HPP #include diff --git a/src/mlpack/methods/ann/optimizer/rmsprop.hpp b/src/mlpack/methods/ann/optimizer/rmsprop.hpp index 6fcde445ebd..ac80fdad1ce 100644 --- a/src/mlpack/methods/ann/optimizer/rmsprop.hpp +++ b/src/mlpack/methods/ann/optimizer/rmsprop.hpp @@ -5,8 +5,8 @@ * Implementation of the RmsProp optimizer. RmsProp is an optimizer that * utilizes the magnitude of recent gradients to normalize the gradients. */ -#ifndef __MLPACK_METHODS_ANN_OPTIMIZER_RMSPROP_HPP -#define __MLPACK_METHODS_ANN_OPTIMIZER_RMSPROP_HPP +#ifndef MLPACK_METHODS_ANN_OPTIMIZER_RMSPROP_HPP +#define MLPACK_METHODS_ANN_OPTIMIZER_RMSPROP_HPP #include diff --git a/src/mlpack/methods/ann/optimizer/steepest_descent.hpp b/src/mlpack/methods/ann/optimizer/steepest_descent.hpp index 3d5f9279938..fea0f476ebe 100644 --- a/src/mlpack/methods/ann/optimizer/steepest_descent.hpp +++ b/src/mlpack/methods/ann/optimizer/steepest_descent.hpp @@ -7,8 +7,8 @@ * nearest local minimum of a function which the assumtion that the gradient of * the function can be computed. */ -#ifndef __MLPACK_METHODS_ANN_OPTIMIZER_STEEPEST_DESCENT_HPP -#define __MLPACK_METHODS_ANN_OPTIMIZER_STEEPEST_DESCENT_HPP +#ifndef MLPACK_METHODS_ANN_OPTIMIZER_STEEPEST_DESCENT_HPP +#define MLPACK_METHODS_ANN_OPTIMIZER_STEEPEST_DESCENT_HPP #include diff --git a/src/mlpack/methods/ann/performance_functions/cee_function.hpp b/src/mlpack/methods/ann/performance_functions/cee_function.hpp index 2b5ad2a8dd6..bfc4f0dc0d4 100644 --- a/src/mlpack/methods/ann/performance_functions/cee_function.hpp +++ b/src/mlpack/methods/ann/performance_functions/cee_function.hpp @@ -5,8 +5,8 @@ * Definition and implementation of the cross-entropy error performance * function. */ -#ifndef __MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_CEE_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_CEE_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_CEE_FUNCTION_HPP +#define MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_CEE_FUNCTION_HPP #include #include diff --git a/src/mlpack/methods/ann/performance_functions/mse_function.hpp b/src/mlpack/methods/ann/performance_functions/mse_function.hpp index 264dd66b44c..8844ff21b29 100644 --- a/src/mlpack/methods/ann/performance_functions/mse_function.hpp +++ b/src/mlpack/methods/ann/performance_functions/mse_function.hpp @@ -4,8 +4,8 @@ * * Definition and implementation of the mean squared error performance function. */ -#ifndef __MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_MSE_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_MSE_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_MSE_FUNCTION_HPP +#define MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_MSE_FUNCTION_HPP #include diff --git a/src/mlpack/methods/ann/performance_functions/sparse_function.hpp b/src/mlpack/methods/ann/performance_functions/sparse_function.hpp index d8e0118d43f..b060b1c316d 100644 --- a/src/mlpack/methods/ann/performance_functions/sparse_function.hpp +++ b/src/mlpack/methods/ann/performance_functions/sparse_function.hpp @@ -6,8 +6,8 @@ * Definition and implementation of the sparse performance function. */ -#ifndef __MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SPARSE_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SPARSE_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SPARSE_FUNCTION_HPP +#define MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SPARSE_FUNCTION_HPP #include diff --git a/src/mlpack/methods/ann/performance_functions/sse_function.hpp b/src/mlpack/methods/ann/performance_functions/sse_function.hpp index 41e623bbeaa..722d0aafcaa 100644 --- a/src/mlpack/methods/ann/performance_functions/sse_function.hpp +++ b/src/mlpack/methods/ann/performance_functions/sse_function.hpp @@ -4,8 +4,8 @@ * * Definition and implementation of the sum squared error performance function. */ -#ifndef __MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SSE_FUNCTION_HPP -#define __MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SSE_FUNCTION_HPP +#ifndef MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SSE_FUNCTION_HPP +#define MLPACK_METHODS_ANN_PERFORMANCE_FUNCTIONS_SSE_FUNCTION_HPP #include diff --git a/src/mlpack/methods/ann/pooling_rules/max_pooling.hpp b/src/mlpack/methods/ann/pooling_rules/max_pooling.hpp index 073dc203928..c99f3667628 100644 --- a/src/mlpack/methods/ann/pooling_rules/max_pooling.hpp +++ b/src/mlpack/methods/ann/pooling_rules/max_pooling.hpp @@ -4,8 +4,8 @@ * * Definition of the MaxPooling class, which implements max pooling. */ -#ifndef __MLPACK_METHODS_ANN_POOLING_RULES_MAX_POOLING_HPP -#define __MLPACK_METHODS_ANN_POOLING_RULES_MAX_POOLING_HPP +#ifndef MLPACK_METHODS_ANN_POOLING_RULES_MAX_POOLING_HPP +#define MLPACK_METHODS_ANN_POOLING_RULES_MAX_POOLING_HPP #include diff --git a/src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp b/src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp index e2fe916de3a..fb523b3ed9f 100644 --- a/src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp +++ b/src/mlpack/methods/ann/pooling_rules/mean_pooling.hpp @@ -4,8 +4,8 @@ * * Definition of the MeanPooling class, which implements mean pooling. */ -#ifndef __MLPACK_METHODS_ANN_POOLING_RULES_MEAN_POOLING_HPP -#define __MLPACK_METHODS_ANN_POOLING_RULES_MEAN_POOLING_HPP +#ifndef MLPACK_METHODS_ANN_POOLING_RULES_MEAN_POOLING_HPP +#define MLPACK_METHODS_ANN_POOLING_RULES_MEAN_POOLING_HPP #include diff --git a/src/mlpack/methods/ann/rnn.hpp b/src/mlpack/methods/ann/rnn.hpp index 2c6210c4e89..e663b1b05ce 100644 --- a/src/mlpack/methods/ann/rnn.hpp +++ b/src/mlpack/methods/ann/rnn.hpp @@ -4,8 +4,8 @@ * * Definition of the RNN class, which implements recurrent neural networks. */ -#ifndef __MLPACK_METHODS_ANN_RNN_HPP -#define __MLPACK_METHODS_ANN_RNN_HPP +#ifndef MLPACK_METHODS_ANN_RNN_HPP +#define MLPACK_METHODS_ANN_RNN_HPP #include diff --git a/src/mlpack/methods/ann/rnn_impl.hpp b/src/mlpack/methods/ann/rnn_impl.hpp index 01044510f87..8f31b40aee1 100644 --- a/src/mlpack/methods/ann/rnn_impl.hpp +++ b/src/mlpack/methods/ann/rnn_impl.hpp @@ -4,8 +4,8 @@ * * Definition of the RNN class, which implements recurrent neural networks. */ -#ifndef __MLPACK_METHODS_ANN_RNN_IMPL_HPP -#define __MLPACK_METHODS_ANN_RNN_IMPL_HPP +#ifndef MLPACK_METHODS_ANN_RNN_IMPL_HPP +#define MLPACK_METHODS_ANN_RNN_IMPL_HPP // In case it hasn't been included yet. #include "rnn.hpp" diff --git a/src/mlpack/methods/ann/trainer/trainer.hpp b/src/mlpack/methods/ann/trainer/trainer.hpp index 777c650af8d..a42cd8a1112 100644 --- a/src/mlpack/methods/ann/trainer/trainer.hpp +++ b/src/mlpack/methods/ann/trainer/trainer.hpp @@ -5,8 +5,8 @@ * Definition and implementation of a trainer that trains the parameters of a * neural network according to a supervised dataset. */ -#ifndef __MLPACK_METHODS_ANN_TRAINER_TRAINER_HPP -#define __MLPACK_METHODS_ANN_TRAINER_TRAINER_HPP +#ifndef MLPACK_METHODS_ANN_TRAINER_TRAINER_HPP +#define MLPACK_METHODS_ANN_TRAINER_TRAINER_HPP #include diff --git a/src/mlpack/methods/cf/cf.hpp b/src/mlpack/methods/cf/cf.hpp index 29d851c000a..22cb6fc3f30 100644 --- a/src/mlpack/methods/cf/cf.hpp +++ b/src/mlpack/methods/cf/cf.hpp @@ -8,8 +8,8 @@ * Defines the CF class to perform collaborative filtering on the specified data * set using alternating least squares (ALS). */ -#ifndef __MLPACK_METHODS_CF_CF_HPP -#define __MLPACK_METHODS_CF_CF_HPP +#ifndef MLPACK_METHODS_CF_CF_HPP +#define MLPACK_METHODS_CF_CF_HPP #include #include diff --git a/src/mlpack/methods/cf/cf_impl.hpp b/src/mlpack/methods/cf/cf_impl.hpp index 16975e4dacb..88d59ea452f 100644 --- a/src/mlpack/methods/cf/cf_impl.hpp +++ b/src/mlpack/methods/cf/cf_impl.hpp @@ -8,8 +8,8 @@ * Implementation of CF class to perform Collaborative Filtering on the * specified data set. */ -#ifndef __MLPACK_METHODS_CF_CF_IMPL_HPP -#define __MLPACK_METHODS_CF_CF_IMPL_HPP +#ifndef MLPACK_METHODS_CF_CF_IMPL_HPP +#define MLPACK_METHODS_CF_CF_IMPL_HPP // In case it hasn't been included yet. #include "cf.hpp" diff --git a/src/mlpack/methods/cf/svd_wrapper.hpp b/src/mlpack/methods/cf/svd_wrapper.hpp index d0b390d0450..314647b26f9 100644 --- a/src/mlpack/methods/cf/svd_wrapper.hpp +++ b/src/mlpack/methods/cf/svd_wrapper.hpp @@ -4,8 +4,8 @@ * * Wrapper class for SVD factorizers used for Collaborative Filtering. */ -#ifndef __MLPACK_METHODS_SVDWRAPPER_HPP -#define __MLPACK_METHODS_SVDWRAPPER_HPP +#ifndef MLPACK_METHODS_SVDWRAPPER_HPP +#define MLPACK_METHODS_SVDWRAPPER_HPP #include diff --git a/src/mlpack/methods/decision_stump/decision_stump.hpp b/src/mlpack/methods/decision_stump/decision_stump.hpp index 8556259029c..a7699116514 100644 --- a/src/mlpack/methods/decision_stump/decision_stump.hpp +++ b/src/mlpack/methods/decision_stump/decision_stump.hpp @@ -4,8 +4,8 @@ * * Definition of decision stumps. */ -#ifndef __MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_HPP -#define __MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_HPP +#ifndef MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_HPP +#define MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_HPP #include diff --git a/src/mlpack/methods/decision_stump/decision_stump_impl.hpp b/src/mlpack/methods/decision_stump/decision_stump_impl.hpp index 190233195da..8b4aa4e4922 100644 --- a/src/mlpack/methods/decision_stump/decision_stump_impl.hpp +++ b/src/mlpack/methods/decision_stump/decision_stump_impl.hpp @@ -5,8 +5,8 @@ * Implementation of DecisionStump class. */ -#ifndef __MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_IMPL_HPP -#define __MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_IMPL_HPP +#ifndef MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_IMPL_HPP +#define MLPACK_METHODS_DECISION_STUMP_DECISION_STUMP_IMPL_HPP // In case it hasn't been included yet. #include "decision_stump.hpp" diff --git a/src/mlpack/methods/det/dt_utils.hpp b/src/mlpack/methods/det/dt_utils.hpp index f423545a0d5..c64c38417cc 100644 --- a/src/mlpack/methods/det/dt_utils.hpp +++ b/src/mlpack/methods/det/dt_utils.hpp @@ -5,8 +5,8 @@ * This file implements functions to perform different tasks with the Density * Tree class. */ -#ifndef __MLPACK_METHODS_DET_DT_UTILS_HPP -#define __MLPACK_METHODS_DET_DT_UTILS_HPP +#ifndef MLPACK_METHODS_DET_DT_UTILS_HPP +#define MLPACK_METHODS_DET_DT_UTILS_HPP #include #include "dtree.hpp" diff --git a/src/mlpack/methods/det/dtree.hpp b/src/mlpack/methods/det/dtree.hpp index 4ca6f6f45e0..7db2fd7f7ec 100644 --- a/src/mlpack/methods/det/dtree.hpp +++ b/src/mlpack/methods/det/dtree.hpp @@ -5,8 +5,8 @@ * Density Estimation Tree class */ -#ifndef __MLPACK_METHODS_DET_DTREE_HPP -#define __MLPACK_METHODS_DET_DTREE_HPP +#ifndef MLPACK_METHODS_DET_DTREE_HPP +#define MLPACK_METHODS_DET_DTREE_HPP #include diff --git a/src/mlpack/methods/emst/dtb.hpp b/src/mlpack/methods/emst/dtb.hpp index 1e16f0a02af..8d27feb48c6 100644 --- a/src/mlpack/methods/emst/dtb.hpp +++ b/src/mlpack/methods/emst/dtb.hpp @@ -17,8 +17,8 @@ * } * @endcode */ -#ifndef __MLPACK_METHODS_EMST_DTB_HPP -#define __MLPACK_METHODS_EMST_DTB_HPP +#ifndef MLPACK_METHODS_EMST_DTB_HPP +#define MLPACK_METHODS_EMST_DTB_HPP #include "dtb_stat.hpp" #include "edge_pair.hpp" diff --git a/src/mlpack/methods/emst/dtb_impl.hpp b/src/mlpack/methods/emst/dtb_impl.hpp index bea3fae278a..2adc119e90e 100644 --- a/src/mlpack/methods/emst/dtb_impl.hpp +++ b/src/mlpack/methods/emst/dtb_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of DTB. */ -#ifndef __MLPACK_METHODS_EMST_DTB_IMPL_HPP -#define __MLPACK_METHODS_EMST_DTB_IMPL_HPP +#ifndef MLPACK_METHODS_EMST_DTB_IMPL_HPP +#define MLPACK_METHODS_EMST_DTB_IMPL_HPP #include "dtb_rules.hpp" diff --git a/src/mlpack/methods/emst/dtb_rules.hpp b/src/mlpack/methods/emst/dtb_rules.hpp index bc0c98e0af5..e8527a6ffd6 100644 --- a/src/mlpack/methods/emst/dtb_rules.hpp +++ b/src/mlpack/methods/emst/dtb_rules.hpp @@ -4,8 +4,8 @@ * * Tree traverser rules for the DualTreeBoruvka algorithm. */ -#ifndef __MLPACK_METHODS_EMST_DTB_RULES_HPP -#define __MLPACK_METHODS_EMST_DTB_RULES_HPP +#ifndef MLPACK_METHODS_EMST_DTB_RULES_HPP +#define MLPACK_METHODS_EMST_DTB_RULES_HPP #include diff --git a/src/mlpack/methods/emst/dtb_rules_impl.hpp b/src/mlpack/methods/emst/dtb_rules_impl.hpp index 31fac8ea476..7fd410fc182 100644 --- a/src/mlpack/methods/emst/dtb_rules_impl.hpp +++ b/src/mlpack/methods/emst/dtb_rules_impl.hpp @@ -4,8 +4,8 @@ * * Tree traverser rules for the DualTreeBoruvka algorithm. */ -#ifndef __MLPACK_METHODS_EMST_DTB_RULES_IMPL_HPP -#define __MLPACK_METHODS_EMST_DTB_RULES_IMPL_HPP +#ifndef MLPACK_METHODS_EMST_DTB_RULES_IMPL_HPP +#define MLPACK_METHODS_EMST_DTB_RULES_IMPL_HPP namespace mlpack { namespace emst { diff --git a/src/mlpack/methods/emst/dtb_stat.hpp b/src/mlpack/methods/emst/dtb_stat.hpp index 248021458a1..ae83a372f26 100644 --- a/src/mlpack/methods/emst/dtb_stat.hpp +++ b/src/mlpack/methods/emst/dtb_stat.hpp @@ -4,8 +4,8 @@ * * DTBStat is the StatisticType used by trees when performing EMST. */ -#ifndef __MLPACK_METHODS_EMST_DTB_STAT_HPP -#define __MLPACK_METHODS_EMST_DTB_STAT_HPP +#ifndef MLPACK_METHODS_EMST_DTB_STAT_HPP +#define MLPACK_METHODS_EMST_DTB_STAT_HPP #include diff --git a/src/mlpack/methods/emst/edge_pair.hpp b/src/mlpack/methods/emst/edge_pair.hpp index d1b713eb51d..18142347dde 100644 --- a/src/mlpack/methods/emst/edge_pair.hpp +++ b/src/mlpack/methods/emst/edge_pair.hpp @@ -6,8 +6,8 @@ * This file contains utilities necessary for all of the minimum spanning tree * algorithms. */ -#ifndef __MLPACK_METHODS_EMST_EDGE_PAIR_HPP -#define __MLPACK_METHODS_EMST_EDGE_PAIR_HPP +#ifndef MLPACK_METHODS_EMST_EDGE_PAIR_HPP +#define MLPACK_METHODS_EMST_EDGE_PAIR_HPP #include diff --git a/src/mlpack/methods/emst/union_find.hpp b/src/mlpack/methods/emst/union_find.hpp index 585785fe63a..647103e5b19 100644 --- a/src/mlpack/methods/emst/union_find.hpp +++ b/src/mlpack/methods/emst/union_find.hpp @@ -7,8 +7,8 @@ * 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. */ -#ifndef __MLPACK_METHODS_EMST_UNION_FIND_HPP -#define __MLPACK_METHODS_EMST_UNION_FIND_HPP +#ifndef MLPACK_METHODS_EMST_UNION_FIND_HPP +#define MLPACK_METHODS_EMST_UNION_FIND_HPP #include diff --git a/src/mlpack/methods/fastmks/fastmks.hpp b/src/mlpack/methods/fastmks/fastmks.hpp index 35cdacbad24..e849635d0e9 100644 --- a/src/mlpack/methods/fastmks/fastmks.hpp +++ b/src/mlpack/methods/fastmks/fastmks.hpp @@ -5,8 +5,8 @@ * Definition of the FastMKS class, which implements fast exact max-kernel * search. */ -#ifndef __MLPACK_METHODS_FASTMKS_FASTMKS_HPP -#define __MLPACK_METHODS_FASTMKS_FASTMKS_HPP +#ifndef MLPACK_METHODS_FASTMKS_FASTMKS_HPP +#define MLPACK_METHODS_FASTMKS_FASTMKS_HPP #include #include diff --git a/src/mlpack/methods/fastmks/fastmks_impl.hpp b/src/mlpack/methods/fastmks/fastmks_impl.hpp index 84c4fd481eb..de85cdc56c3 100644 --- a/src/mlpack/methods/fastmks/fastmks_impl.hpp +++ b/src/mlpack/methods/fastmks/fastmks_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the FastMKS class (fast max-kernel search). */ -#ifndef __MLPACK_METHODS_FASTMKS_FASTMKS_IMPL_HPP -#define __MLPACK_METHODS_FASTMKS_FASTMKS_IMPL_HPP +#ifndef MLPACK_METHODS_FASTMKS_FASTMKS_IMPL_HPP +#define MLPACK_METHODS_FASTMKS_FASTMKS_IMPL_HPP // In case it hasn't yet been included. #include "fastmks.hpp" diff --git a/src/mlpack/methods/fastmks/fastmks_model.hpp b/src/mlpack/methods/fastmks/fastmks_model.hpp index 5226912985d..ce7ce6f2b52 100644 --- a/src/mlpack/methods/fastmks/fastmks_model.hpp +++ b/src/mlpack/methods/fastmks/fastmks_model.hpp @@ -4,8 +4,8 @@ * * A utility struct to contain all the possible FastMKS models. */ -#ifndef __MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_HPP -#define __MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_HPP +#ifndef MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_HPP +#define MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_HPP #include #include "fastmks.hpp" diff --git a/src/mlpack/methods/fastmks/fastmks_model_impl.hpp b/src/mlpack/methods/fastmks/fastmks_model_impl.hpp index e70f8c077ea..fe1acdf74a4 100644 --- a/src/mlpack/methods/fastmks/fastmks_model_impl.hpp +++ b/src/mlpack/methods/fastmks/fastmks_model_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of templated functions of FastMKSModel. */ -#ifndef __MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_IMPL_HPP -#define __MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_IMPL_HPP +#ifndef MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_IMPL_HPP +#define MLPACK_METHODS_FASTMKS_FASTMKS_MODEL_IMPL_HPP #include "fastmks_model.hpp" diff --git a/src/mlpack/methods/fastmks/fastmks_rules.hpp b/src/mlpack/methods/fastmks/fastmks_rules.hpp index dfce04bbce5..eb612f23476 100644 --- a/src/mlpack/methods/fastmks/fastmks_rules.hpp +++ b/src/mlpack/methods/fastmks/fastmks_rules.hpp @@ -4,8 +4,8 @@ * * Rules for the single or dual tree traversal for fast max-kernel search. */ -#ifndef __MLPACK_METHODS_FASTMKS_FASTMKS_RULES_HPP -#define __MLPACK_METHODS_FASTMKS_FASTMKS_RULES_HPP +#ifndef MLPACK_METHODS_FASTMKS_FASTMKS_RULES_HPP +#define MLPACK_METHODS_FASTMKS_FASTMKS_RULES_HPP #include #include diff --git a/src/mlpack/methods/fastmks/fastmks_rules_impl.hpp b/src/mlpack/methods/fastmks/fastmks_rules_impl.hpp index abce9aba7fd..27abacf971d 100644 --- a/src/mlpack/methods/fastmks/fastmks_rules_impl.hpp +++ b/src/mlpack/methods/fastmks/fastmks_rules_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of FastMKSRules for cover tree search. */ -#ifndef __MLPACK_METHODS_FASTMKS_FASTMKS_RULES_IMPL_HPP -#define __MLPACK_METHODS_FASTMKS_FASTMKS_RULES_IMPL_HPP +#ifndef MLPACK_METHODS_FASTMKS_FASTMKS_RULES_IMPL_HPP +#define MLPACK_METHODS_FASTMKS_FASTMKS_RULES_IMPL_HPP // In case it hasn't already been included. #include "fastmks_rules.hpp" diff --git a/src/mlpack/methods/fastmks/fastmks_stat.hpp b/src/mlpack/methods/fastmks/fastmks_stat.hpp index c6273b3203f..318e5c9b621 100644 --- a/src/mlpack/methods/fastmks/fastmks_stat.hpp +++ b/src/mlpack/methods/fastmks/fastmks_stat.hpp @@ -4,8 +4,8 @@ * * The statistic used in trees with FastMKS. */ -#ifndef __MLPACK_METHODS_FASTMKS_FASTMKS_STAT_HPP -#define __MLPACK_METHODS_FASTMKS_FASTMKS_STAT_HPP +#ifndef MLPACK_METHODS_FASTMKS_FASTMKS_STAT_HPP +#define MLPACK_METHODS_FASTMKS_FASTMKS_STAT_HPP #include #include diff --git a/src/mlpack/methods/gmm/diagonal_constraint.hpp b/src/mlpack/methods/gmm/diagonal_constraint.hpp index e5620a570bb..cf0cc9ccd7b 100644 --- a/src/mlpack/methods/gmm/diagonal_constraint.hpp +++ b/src/mlpack/methods/gmm/diagonal_constraint.hpp @@ -4,8 +4,8 @@ * * Constrain a covariance matrix to be diagonal. */ -#ifndef __MLPACK_METHODS_GMM_DIAGONAL_CONSTRAINT_HPP -#define __MLPACK_METHODS_GMM_DIAGONAL_CONSTRAINT_HPP +#ifndef MLPACK_METHODS_GMM_DIAGONAL_CONSTRAINT_HPP +#define MLPACK_METHODS_GMM_DIAGONAL_CONSTRAINT_HPP #include diff --git a/src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp b/src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp index 6923ecc2f04..30c4f0f6b8f 100644 --- a/src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp +++ b/src/mlpack/methods/gmm/eigenvalue_ratio_constraint.hpp @@ -4,8 +4,8 @@ * * Constrain a covariance matrix to have a certain ratio of eigenvalues. */ -#ifndef __MLPACK_METHODS_GMM_EIGENVALUE_RATIO_CONSTRAINT_HPP -#define __MLPACK_METHODS_GMM_EIGENVALUE_RATIO_CONSTRAINT_HPP +#ifndef MLPACK_METHODS_GMM_EIGENVALUE_RATIO_CONSTRAINT_HPP +#define MLPACK_METHODS_GMM_EIGENVALUE_RATIO_CONSTRAINT_HPP #include diff --git a/src/mlpack/methods/gmm/em_fit.hpp b/src/mlpack/methods/gmm/em_fit.hpp index 26399b53a22..fa65f466aa8 100644 --- a/src/mlpack/methods/gmm/em_fit.hpp +++ b/src/mlpack/methods/gmm/em_fit.hpp @@ -6,8 +6,8 @@ * Utility class to fit a GMM using the EM algorithm. Used by * GMM::Estimate<>(). */ -#ifndef __MLPACK_METHODS_GMM_EM_FIT_HPP -#define __MLPACK_METHODS_GMM_EM_FIT_HPP +#ifndef MLPACK_METHODS_GMM_EM_FIT_HPP +#define MLPACK_METHODS_GMM_EM_FIT_HPP #include diff --git a/src/mlpack/methods/gmm/em_fit_impl.hpp b/src/mlpack/methods/gmm/em_fit_impl.hpp index ae771e7a94e..d57fa67973c 100644 --- a/src/mlpack/methods/gmm/em_fit_impl.hpp +++ b/src/mlpack/methods/gmm/em_fit_impl.hpp @@ -5,8 +5,8 @@ * * Implementation of EM algorithm for fitting GMMs. */ -#ifndef __MLPACK_METHODS_GMM_EM_FIT_IMPL_HPP -#define __MLPACK_METHODS_GMM_EM_FIT_IMPL_HPP +#ifndef MLPACK_METHODS_GMM_EM_FIT_IMPL_HPP +#define MLPACK_METHODS_GMM_EM_FIT_IMPL_HPP // In case it hasn't been included yet. #include "em_fit.hpp" diff --git a/src/mlpack/methods/gmm/gmm.hpp b/src/mlpack/methods/gmm/gmm.hpp index c1cdda7c644..98f3f9bc062 100644 --- a/src/mlpack/methods/gmm/gmm.hpp +++ b/src/mlpack/methods/gmm/gmm.hpp @@ -6,8 +6,8 @@ * Defines a Gaussian Mixture model and * estimates the parameters of the model */ -#ifndef __MLPACK_METHODS_MOG_MOG_EM_HPP -#define __MLPACK_METHODS_MOG_MOG_EM_HPP +#ifndef MLPACK_METHODS_MOG_MOG_EM_HPP +#define MLPACK_METHODS_MOG_MOG_EM_HPP #include diff --git a/src/mlpack/methods/gmm/gmm_impl.hpp b/src/mlpack/methods/gmm/gmm_impl.hpp index 97a0c859bfb..035d706537d 100644 --- a/src/mlpack/methods/gmm/gmm_impl.hpp +++ b/src/mlpack/methods/gmm/gmm_impl.hpp @@ -6,8 +6,8 @@ * * Implementation of template-based GMM methods. */ -#ifndef __MLPACK_METHODS_GMM_GMM_IMPL_HPP -#define __MLPACK_METHODS_GMM_GMM_IMPL_HPP +#ifndef MLPACK_METHODS_GMM_GMM_IMPL_HPP +#define MLPACK_METHODS_GMM_GMM_IMPL_HPP // In case it hasn't already been included. #include "gmm.hpp" diff --git a/src/mlpack/methods/gmm/no_constraint.hpp b/src/mlpack/methods/gmm/no_constraint.hpp index 6708fbf7180..52c56132882 100644 --- a/src/mlpack/methods/gmm/no_constraint.hpp +++ b/src/mlpack/methods/gmm/no_constraint.hpp @@ -4,8 +4,8 @@ * * No constraint on the covariance matrix. */ -#ifndef __MLPACK_METHODS_GMM_NO_CONSTRAINT_HPP -#define __MLPACK_METHODS_GMM_NO_CONSTRAINT_HPP +#ifndef MLPACK_METHODS_GMM_NO_CONSTRAINT_HPP +#define MLPACK_METHODS_GMM_NO_CONSTRAINT_HPP #include diff --git a/src/mlpack/methods/gmm/positive_definite_constraint.hpp b/src/mlpack/methods/gmm/positive_definite_constraint.hpp index c21fd5a9b3e..646462b02a6 100644 --- a/src/mlpack/methods/gmm/positive_definite_constraint.hpp +++ b/src/mlpack/methods/gmm/positive_definite_constraint.hpp @@ -4,8 +4,8 @@ * * Restricts a covariance matrix to being positive definite. */ -#ifndef __MLPACK_METHODS_GMM_POSITIVE_DEFINITE_CONSTRAINT_HPP -#define __MLPACK_METHODS_GMM_POSITIVE_DEFINITE_CONSTRAINT_HPP +#ifndef MLPACK_METHODS_GMM_POSITIVE_DEFINITE_CONSTRAINT_HPP +#define MLPACK_METHODS_GMM_POSITIVE_DEFINITE_CONSTRAINT_HPP #include diff --git a/src/mlpack/methods/hmm/hmm.hpp b/src/mlpack/methods/hmm/hmm.hpp index da03d9b5117..87f22735bf5 100644 --- a/src/mlpack/methods/hmm/hmm.hpp +++ b/src/mlpack/methods/hmm/hmm.hpp @@ -6,8 +6,8 @@ * * Definition of HMM class. */ -#ifndef __MLPACK_METHODS_HMM_HMM_HPP -#define __MLPACK_METHODS_HMM_HMM_HPP +#ifndef MLPACK_METHODS_HMM_HMM_HPP +#define MLPACK_METHODS_HMM_HMM_HPP #include diff --git a/src/mlpack/methods/hmm/hmm_impl.hpp b/src/mlpack/methods/hmm/hmm_impl.hpp index 1e05cb5397f..5adac69386d 100644 --- a/src/mlpack/methods/hmm/hmm_impl.hpp +++ b/src/mlpack/methods/hmm/hmm_impl.hpp @@ -6,8 +6,8 @@ * * Implementation of HMM class. */ -#ifndef __MLPACK_METHODS_HMM_HMM_IMPL_HPP -#define __MLPACK_METHODS_HMM_HMM_IMPL_HPP +#ifndef MLPACK_METHODS_HMM_HMM_IMPL_HPP +#define MLPACK_METHODS_HMM_HMM_IMPL_HPP // Just in case... #include "hmm.hpp" diff --git a/src/mlpack/methods/hmm/hmm_regression.hpp b/src/mlpack/methods/hmm/hmm_regression.hpp index c7ac3af698d..f71a469a6ee 100644 --- a/src/mlpack/methods/hmm/hmm_regression.hpp +++ b/src/mlpack/methods/hmm/hmm_regression.hpp @@ -4,8 +4,8 @@ * * Definition of HMMRegression class. */ -#ifndef __MLPACK_METHODS_HMM_HMM_REGRESSION_HPP -#define __MLPACK_METHODS_HMM_HMM_REGRESSION_HPP +#ifndef MLPACK_METHODS_HMM_HMM_REGRESSION_HPP +#define MLPACK_METHODS_HMM_HMM_REGRESSION_HPP #include #include diff --git a/src/mlpack/methods/hmm/hmm_regression_impl.hpp b/src/mlpack/methods/hmm/hmm_regression_impl.hpp index 83a00c258c0..90f9d1c145c 100644 --- a/src/mlpack/methods/hmm/hmm_regression_impl.hpp +++ b/src/mlpack/methods/hmm/hmm_regression_impl.hpp @@ -6,8 +6,8 @@ * * Implementation of HMMRegression class. */ -#ifndef __MLPACK_METHODS_HMM_HMM_REGRESSION_IMPL_HPP -#define __MLPACK_METHODS_HMM_HMM_REGRESSION_IMPL_HPP +#ifndef MLPACK_METHODS_HMM_HMM_REGRESSION_IMPL_HPP +#define MLPACK_METHODS_HMM_HMM_REGRESSION_IMPL_HPP // Just in case... #include "hmm_regression.hpp" diff --git a/src/mlpack/methods/hmm/hmm_util.hpp b/src/mlpack/methods/hmm/hmm_util.hpp index 46ec81867bf..e97a58249c7 100644 --- a/src/mlpack/methods/hmm/hmm_util.hpp +++ b/src/mlpack/methods/hmm/hmm_util.hpp @@ -4,8 +4,8 @@ * * Utility to read HMM type from file. */ -#ifndef __MLPACK_METHODS_HMM_HMM_UTIL_HPP -#define __MLPACK_METHODS_HMM_HMM_UTIL_HPP +#ifndef MLPACK_METHODS_HMM_HMM_UTIL_HPP +#define MLPACK_METHODS_HMM_HMM_UTIL_HPP #include diff --git a/src/mlpack/methods/hmm/hmm_util_impl.hpp b/src/mlpack/methods/hmm/hmm_util_impl.hpp index 4c497854a58..1e3e4044a92 100644 --- a/src/mlpack/methods/hmm/hmm_util_impl.hpp +++ b/src/mlpack/methods/hmm/hmm_util_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of HMM utilities to load arbitrary HMM types. */ -#ifndef __MLPACK_METHODS_HMM_HMM_UTIL_IMPL_HPP -#define __MLPACK_METHODS_HMM_HMM_UTIL_IMPL_HPP +#ifndef MLPACK_METHODS_HMM_HMM_UTIL_IMPL_HPP +#define MLPACK_METHODS_HMM_HMM_UTIL_IMPL_HPP #include diff --git a/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp b/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp index 55526866ec0..ac273a55cf3 100644 --- a/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp +++ b/src/mlpack/methods/hoeffding_trees/binary_numeric_split.hpp @@ -5,8 +5,8 @@ * An implementation of the binary-tree-based numeric splitting procedure * described by Gama, Rocha, and Medas in their KDD 2003 paper. */ -#ifndef __MLPACK_METHODS_HOEFFDING_SPLIT_BINARY_NUMERIC_SPLIT_HPP -#define __MLPACK_METHODS_HOEFFDING_SPLIT_BINARY_NUMERIC_SPLIT_HPP +#ifndef MLPACK_METHODS_HOEFFDING_SPLIT_BINARY_NUMERIC_SPLIT_HPP +#define MLPACK_METHODS_HOEFFDING_SPLIT_BINARY_NUMERIC_SPLIT_HPP #include "binary_numeric_split_info.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 d135b17a387..d90cdab3922 100644 --- a/src/mlpack/methods/hoeffding_trees/binary_numeric_split_impl.hpp +++ b/src/mlpack/methods/hoeffding_trees/binary_numeric_split_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the BinaryNumericSplit class. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_IMPL_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_IMPL_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_IMPL_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_IMPL_HPP // In case it hasn't been included yet. #include "binary_numeric_split.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 52bbb067e74..4f0c70a431f 100644 --- a/src/mlpack/methods/hoeffding_trees/binary_numeric_split_info.hpp +++ b/src/mlpack/methods/hoeffding_trees/binary_numeric_split_info.hpp @@ -5,8 +5,8 @@ * After a binary numeric split has been made, this holds information on the * split (just the split point). */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_INFO_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_INFO_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_INFO_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_BINARY_NUMERIC_SPLIT_INFO_HPP #include diff --git a/src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp b/src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp index 73d29ab85b6..ca6175ce5ed 100644 --- a/src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp +++ b/src/mlpack/methods/hoeffding_trees/categorical_split_info.hpp @@ -4,8 +4,8 @@ * * After a categorical split has been made, this holds information on the split. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_CATEGORICAL_SPLIT_INFO_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_CATEGORICAL_SPLIT_INFO_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_CATEGORICAL_SPLIT_INFO_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_CATEGORICAL_SPLIT_INFO_HPP #include diff --git a/src/mlpack/methods/hoeffding_trees/gini_impurity.hpp b/src/mlpack/methods/hoeffding_trees/gini_impurity.hpp index 2f6ab31ed2c..cdfbbf18a5b 100644 --- a/src/mlpack/methods/hoeffding_trees/gini_impurity.hpp +++ b/src/mlpack/methods/hoeffding_trees/gini_impurity.hpp @@ -5,8 +5,8 @@ * The GiniImpurity class, which is a fitness function (FitnessFunction) for * streaming decision trees. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_GINI_INDEX_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_GINI_INDEX_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_GINI_INDEX_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_GINI_INDEX_HPP #include diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split.hpp index f72ffe0f300..1c479a78009 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split.hpp @@ -5,8 +5,8 @@ * A class that contains the information necessary to perform a categorical * split for Hoeffding trees. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_HPP #include #include "categorical_split_info.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 c6d6521594d..adfc728081a 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split_impl.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_categorical_split_impl.hpp @@ -4,8 +4,8 @@ * * Implemental of the HoeffdingCategoricalSplit class. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_IMPL_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_IMPL_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_IMPL_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_CATEGORICAL_SPLIT_IMPL_HPP // In case it hasn't been included yet. #include "hoeffding_categorical_split.hpp" diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp index 4a5e390f8fd..54750abc15a 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split.hpp @@ -6,8 +6,8 @@ * implementation based on a minor note in the paper "Mining High-Speed Data * Streams" by Pedro Domingos and Geoff Hulten. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_HPP #include #include "numeric_split_info.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 6175d8975ae..8f2dc0772e4 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split_impl.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_numeric_split_impl.hpp @@ -4,8 +4,8 @@ * * An implementation of the simple HoeffdingNumericSplit class. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_IMPL_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_IMPL_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_IMPL_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_NUMERIC_SPLIT_IMPL_HPP #include "hoeffding_numeric_split.hpp" diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp index f8f8a0ce538..9f3974bbb35 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_tree.hpp @@ -5,8 +5,8 @@ * An implementation of the standard Hoeffding tree by Pedro Domingos and Geoff * Hulten in ``Mining High-Speed Data Streams''. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_HPP #include #include "gini_impurity.hpp" diff --git a/src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp b/src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp index 243ac0da0fc..e2d29b7b7d8 100644 --- a/src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp +++ b/src/mlpack/methods/hoeffding_trees/hoeffding_tree_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the HoeffdingTree class. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_IMPL_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_IMPL_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_IMPL_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_HOEFFDING_TREE_IMPL_HPP // In case it hasn't been included yet. #include "hoeffding_tree.hpp" diff --git a/src/mlpack/methods/hoeffding_trees/information_gain.hpp b/src/mlpack/methods/hoeffding_trees/information_gain.hpp index 39e017a745e..b78347042b5 100644 --- a/src/mlpack/methods/hoeffding_trees/information_gain.hpp +++ b/src/mlpack/methods/hoeffding_trees/information_gain.hpp @@ -5,8 +5,8 @@ * An implementation of information gain, which can be used in place of Gini * impurity. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_INFORMATION_GAIN_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_INFORMATION_GAIN_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_INFORMATION_GAIN_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_INFORMATION_GAIN_HPP namespace mlpack { namespace tree { diff --git a/src/mlpack/methods/hoeffding_trees/numeric_split_info.hpp b/src/mlpack/methods/hoeffding_trees/numeric_split_info.hpp index 5f946d48726..a8e48dec31d 100644 --- a/src/mlpack/methods/hoeffding_trees/numeric_split_info.hpp +++ b/src/mlpack/methods/hoeffding_trees/numeric_split_info.hpp @@ -4,8 +4,8 @@ * * After a numeric split has been made, this holds information on the split. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_NUMERIC_SPLIT_INFO_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_NUMERIC_SPLIT_INFO_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_NUMERIC_SPLIT_INFO_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_NUMERIC_SPLIT_INFO_HPP #include diff --git a/src/mlpack/methods/hoeffding_trees/typedef.hpp b/src/mlpack/methods/hoeffding_trees/typedef.hpp index 472b6830339..2202d384372 100644 --- a/src/mlpack/methods/hoeffding_trees/typedef.hpp +++ b/src/mlpack/methods/hoeffding_trees/typedef.hpp @@ -4,8 +4,8 @@ * * Useful typedefs. */ -#ifndef __MLPACK_METHODS_HOEFFDING_TREES_TYPEDEF_HPP -#define __MLPACK_METHODS_HOEFFDING_TREES_TYPEDEF_HPP +#ifndef MLPACK_METHODS_HOEFFDING_TREES_TYPEDEF_HPP +#define MLPACK_METHODS_HOEFFDING_TREES_TYPEDEF_HPP #include "streaming_decision_tree.hpp" #include "hoeffding_tree.hpp" diff --git a/src/mlpack/methods/kernel_pca/kernel_pca.hpp b/src/mlpack/methods/kernel_pca/kernel_pca.hpp index 7617f36b8f7..a37421b185a 100644 --- a/src/mlpack/methods/kernel_pca/kernel_pca.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_pca.hpp @@ -6,8 +6,8 @@ * Defines the KernelPCA class to perform Kernel Principal Components Analysis * on the specified data set. */ -#ifndef __MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_HPP -#define __MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_HPP +#ifndef MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_HPP +#define MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_HPP #include #include diff --git a/src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp b/src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp index 2f2bfb42191..8ee556b7652 100644 --- a/src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_pca_impl.hpp @@ -6,8 +6,8 @@ * Implementation of Kernel PCA class to perform Kernel Principal Components * Analysis on the specified data set. */ -#ifndef __MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_IMPL_HPP -#define __MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_IMPL_HPP +#ifndef MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_IMPL_HPP +#define MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_IMPL_HPP // In case it hasn't already been included. #include "kernel_pca.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 c5ce63662a6..4850fba8c89 100644 --- a/src/mlpack/methods/kernel_pca/kernel_rules/naive_method.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_rules/naive_method.hpp @@ -5,8 +5,8 @@ * Use the naive method to construct the kernel matrix. */ -#ifndef __MLPACK_METHODS_KERNEL_PCA_NAIVE_METHOD_HPP -#define __MLPACK_METHODS_KERNEL_PCA_NAIVE_METHOD_HPP +#ifndef MLPACK_METHODS_KERNEL_PCA_NAIVE_METHOD_HPP +#define MLPACK_METHODS_KERNEL_PCA_NAIVE_METHOD_HPP #include 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 ca7d20fe5a2..6ae05ad3fb9 100644 --- a/src/mlpack/methods/kernel_pca/kernel_rules/nystroem_method.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_rules/nystroem_method.hpp @@ -5,8 +5,8 @@ * Use the Nystroem method for approximating a kernel matrix. */ -#ifndef __MLPACK_METHODS_KERNEL_PCA_NYSTROEM_METHOD_HPP -#define __MLPACK_METHODS_KERNEL_PCA_NYSTROEM_METHOD_HPP +#ifndef MLPACK_METHODS_KERNEL_PCA_NYSTROEM_METHOD_HPP +#define MLPACK_METHODS_KERNEL_PCA_NYSTROEM_METHOD_HPP #include #include diff --git a/src/mlpack/methods/kmeans/allow_empty_clusters.hpp b/src/mlpack/methods/kmeans/allow_empty_clusters.hpp index 40ca0b1a3d6..d8388dd548e 100644 --- a/src/mlpack/methods/kmeans/allow_empty_clusters.hpp +++ b/src/mlpack/methods/kmeans/allow_empty_clusters.hpp @@ -5,8 +5,8 @@ * This very simple policy is used when K-Means is allowed to return empty * clusters. */ -#ifndef __MLPACK_METHODS_KMEANS_ALLOW_EMPTY_CLUSTERS_HPP -#define __MLPACK_METHODS_KMEANS_ALLOW_EMPTY_CLUSTERS_HPP +#ifndef MLPACK_METHODS_KMEANS_ALLOW_EMPTY_CLUSTERS_HPP +#define MLPACK_METHODS_KMEANS_ALLOW_EMPTY_CLUSTERS_HPP #include diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans.hpp index 01fd8a12b1a..c46851921d3 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans.hpp @@ -7,8 +7,8 @@ * 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. */ -#ifndef __MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_HPP -#define __MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_HPP +#ifndef MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_HPP +#define MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_HPP #include #include diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp index 48322ec7309..c0e05d7f7d1 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans_impl.hpp @@ -7,8 +7,8 @@ * 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. */ -#ifndef __MLPACK_METHODS_KMEANS_DTNN_KMEANS_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_DTNN_KMEANS_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_DTNN_KMEANS_IMPL_HPP +#define MLPACK_METHODS_KMEANS_DTNN_KMEANS_IMPL_HPP // In case it hasn't been included yet. #include "dual_tree_kmeans.hpp" diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp index 77cf231a3e8..fbfe9296bf5 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans_rules.hpp @@ -6,8 +6,8 @@ * nearest neighbor search. For the most part we'll call out to * NeighborSearchRules when we can. */ -#ifndef __MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_HPP -#define __MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_HPP +#ifndef MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_HPP +#define MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_HPP #include 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 2c8b4e5ca7d..f91b5ef153e 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans_rules_impl.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans_rules_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of DualTreeKMeansRules. */ -#ifndef __MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_IMPL_HPP +#define MLPACK_METHODS_KMEANS_DUAL_TREE_KMEANS_RULES_IMPL_HPP #include "dual_tree_kmeans_rules.hpp" diff --git a/src/mlpack/methods/kmeans/dual_tree_kmeans_statistic.hpp b/src/mlpack/methods/kmeans/dual_tree_kmeans_statistic.hpp index 8269a2c0af6..6e162d44e85 100644 --- a/src/mlpack/methods/kmeans/dual_tree_kmeans_statistic.hpp +++ b/src/mlpack/methods/kmeans/dual_tree_kmeans_statistic.hpp @@ -4,8 +4,8 @@ * * Statistic for dual-tree nearest neighbor search based k-means clustering. */ -#ifndef __MLPACK_METHODS_KMEANS_DTNN_STATISTIC_HPP -#define __MLPACK_METHODS_KMEANS_DTNN_STATISTIC_HPP +#ifndef MLPACK_METHODS_KMEANS_DTNN_STATISTIC_HPP +#define MLPACK_METHODS_KMEANS_DTNN_STATISTIC_HPP #include diff --git a/src/mlpack/methods/kmeans/elkan_kmeans.hpp b/src/mlpack/methods/kmeans/elkan_kmeans.hpp index ea555fc231b..a94ffc095be 100644 --- a/src/mlpack/methods/kmeans/elkan_kmeans.hpp +++ b/src/mlpack/methods/kmeans/elkan_kmeans.hpp @@ -4,8 +4,8 @@ * * An implementation of Elkan's algorithm for exact Lloyd iterations. */ -#ifndef __MLPACK_METHODS_KMEANS_ELKAN_KMEANS_HPP -#define __MLPACK_METHODS_KMEANS_ELKAN_KMEANS_HPP +#ifndef MLPACK_METHODS_KMEANS_ELKAN_KMEANS_HPP +#define MLPACK_METHODS_KMEANS_ELKAN_KMEANS_HPP namespace mlpack { namespace kmeans { diff --git a/src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp b/src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp index 638e35c8736..b2f359c681f 100644 --- a/src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/elkan_kmeans_impl.hpp @@ -4,8 +4,8 @@ * * An implementation of Elkan's algorithm for exact Lloyd iterations. */ -#ifndef __MLPACK_METHODS_KMEANS_ELKAN_KMEANS_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_ELKAN_KMEANS_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_ELKAN_KMEANS_IMPL_HPP +#define MLPACK_METHODS_KMEANS_ELKAN_KMEANS_IMPL_HPP // In case it hasn't been included yet. #include "elkan_kmeans.hpp" diff --git a/src/mlpack/methods/kmeans/hamerly_kmeans.hpp b/src/mlpack/methods/kmeans/hamerly_kmeans.hpp index c722fa0109e..1a551113a5d 100644 --- a/src/mlpack/methods/kmeans/hamerly_kmeans.hpp +++ b/src/mlpack/methods/kmeans/hamerly_kmeans.hpp @@ -4,8 +4,8 @@ * * An implementation of Greg Hamerly's algorithm for k-means clustering. */ -#ifndef __MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_HPP -#define __MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_HPP +#ifndef MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_HPP +#define MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_HPP namespace mlpack { namespace kmeans { diff --git a/src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp b/src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp index b33a0eb8326..244faaa4845 100644 --- a/src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/hamerly_kmeans_impl.hpp @@ -4,8 +4,8 @@ * * An implementation of Greg Hamerly's algorithm for k-means clustering. */ -#ifndef __MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_IMPL_HPP +#define MLPACK_METHODS_KMEANS_HAMERLY_KMEANS_IMPL_HPP // In case it hasn't been included yet. #include "hamerly_kmeans.hpp" diff --git a/src/mlpack/methods/kmeans/kmeans.hpp b/src/mlpack/methods/kmeans/kmeans.hpp index 8acc9f3ab89..0bafc134d95 100644 --- a/src/mlpack/methods/kmeans/kmeans.hpp +++ b/src/mlpack/methods/kmeans/kmeans.hpp @@ -4,8 +4,8 @@ * * K-Means clustering. */ -#ifndef __MLPACK_METHODS_KMEANS_KMEANS_HPP -#define __MLPACK_METHODS_KMEANS_KMEANS_HPP +#ifndef MLPACK_METHODS_KMEANS_KMEANS_HPP +#define MLPACK_METHODS_KMEANS_KMEANS_HPP #include diff --git a/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp b/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp index 968f2e65c7d..c3ea3becae0 100644 --- a/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp +++ b/src/mlpack/methods/kmeans/max_variance_new_cluster.hpp @@ -6,8 +6,8 @@ * an empty cluster is detected, the point furthest from the centroid of the * cluster with maximum variance is taken to be a new cluster. */ -#ifndef __MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_HPP -#define __MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_HPP +#ifndef MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_HPP +#define MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_HPP #include 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 1f195d34def..c60ae95eb7f 100644 --- a/src/mlpack/methods/kmeans/max_variance_new_cluster_impl.hpp +++ b/src/mlpack/methods/kmeans/max_variance_new_cluster_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of MaxVarianceNewCluster class. */ -#ifndef __MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_IMPL_HPP +#define MLPACK_METHODS_KMEANS_MAX_VARIANCE_NEW_CLUSTER_IMPL_HPP // Just in case it has not been included. #include "max_variance_new_cluster.hpp" diff --git a/src/mlpack/methods/kmeans/naive_kmeans.hpp b/src/mlpack/methods/kmeans/naive_kmeans.hpp index be6f637e81e..ee4f2fc4166 100644 --- a/src/mlpack/methods/kmeans/naive_kmeans.hpp +++ b/src/mlpack/methods/kmeans/naive_kmeans.hpp @@ -6,8 +6,8 @@ * k-means clustering. This may still be the best choice for small datasets or * datasets with very high dimensionality. */ -#ifndef __MLPACK_METHODS_KMEANS_NAIVE_KMEANS_HPP -#define __MLPACK_METHODS_KMEANS_NAIVE_KMEANS_HPP +#ifndef MLPACK_METHODS_KMEANS_NAIVE_KMEANS_HPP +#define MLPACK_METHODS_KMEANS_NAIVE_KMEANS_HPP namespace mlpack { namespace kmeans { diff --git a/src/mlpack/methods/kmeans/naive_kmeans_impl.hpp b/src/mlpack/methods/kmeans/naive_kmeans_impl.hpp index 0fe4e180a26..2457a5929f7 100644 --- a/src/mlpack/methods/kmeans/naive_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/naive_kmeans_impl.hpp @@ -6,8 +6,8 @@ * k-means clustering. This may still be the best choice for small datasets or * datasets with very high dimensionality. */ -#ifndef __MLPACK_METHODS_KMEANS_NAIVE_KMEANS_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_NAIVE_KMEANS_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_NAIVE_KMEANS_IMPL_HPP +#define MLPACK_METHODS_KMEANS_NAIVE_KMEANS_IMPL_HPP // In case it hasn't been included yet. #include "naive_kmeans.hpp" diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp index a3a155b5a02..3645073cac3 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans.hpp @@ -5,8 +5,8 @@ * An implementation of Pelleg-Moore's 'blacklist' algorithm for k-means * clustering. */ -#ifndef __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_HPP -#define __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_HPP +#ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_HPP +#define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_HPP #include #include "pelleg_moore_kmeans_statistic.hpp" diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp index 8c61d0006d1..daca5ea4243 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_impl.hpp @@ -5,8 +5,8 @@ * An implementation of Pelleg-Moore's 'blacklist' algorithm for k-means * clustering. */ -#ifndef __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_IMPL_HPP +#define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_IMPL_HPP #include "pelleg_moore_kmeans.hpp" #include "pelleg_moore_kmeans_rules.hpp" diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp index afcab4e14f2..a604d831cc9 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules.hpp @@ -6,8 +6,8 @@ * single-tree k-means clustering using the Pelleg-Moore fast k-means algorithm, * which has been shoehorned to fit into the mlpack tree abstractions. */ -#ifndef __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_HPP -#define __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_HPP +#ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_HPP +#define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_HPP #include 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 8011212acbd..d73f699e72a 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_rules_impl.hpp @@ -6,8 +6,8 @@ * single-tree k-means clustering using the fast Pelleg-Moore k-means algorithm, * which has been shoehorned into the mlpack tree abstractions. */ -#ifndef __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_IMPL_HPP +#define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_RULES_IMPL_HPP // In case it hasn't been included yet. #include "pelleg_moore_kmeans_rules.hpp" diff --git a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_statistic.hpp b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_statistic.hpp index 0c9d094f93f..c611d41985f 100644 --- a/src/mlpack/methods/kmeans/pelleg_moore_kmeans_statistic.hpp +++ b/src/mlpack/methods/kmeans/pelleg_moore_kmeans_statistic.hpp @@ -5,8 +5,8 @@ * A StatisticType for trees which holds the blacklist for various k-means * clusters. See the Pelleg and Moore paper for more details. */ -#ifndef __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_STATISTIC_HPP -#define __MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_STATISTIC_HPP +#ifndef MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_STATISTIC_HPP +#define MLPACK_METHODS_KMEANS_PELLEG_MOORE_KMEANS_STATISTIC_HPP namespace mlpack { namespace kmeans { diff --git a/src/mlpack/methods/kmeans/random_partition.hpp b/src/mlpack/methods/kmeans/random_partition.hpp index de969f2f028..abf31c7e029 100644 --- a/src/mlpack/methods/kmeans/random_partition.hpp +++ b/src/mlpack/methods/kmeans/random_partition.hpp @@ -5,8 +5,8 @@ * Very simple partitioner which partitions the data randomly into the number of * desired clusters. Used as the default InitialPartitionPolicy for KMeans. */ -#ifndef __MLPACK_METHODS_KMEANS_RANDOM_PARTITION_HPP -#define __MLPACK_METHODS_KMEANS_RANDOM_PARTITION_HPP +#ifndef MLPACK_METHODS_KMEANS_RANDOM_PARTITION_HPP +#define MLPACK_METHODS_KMEANS_RANDOM_PARTITION_HPP #include diff --git a/src/mlpack/methods/kmeans/refined_start.hpp b/src/mlpack/methods/kmeans/refined_start.hpp index d06e46353c1..7e4dfea3fa5 100644 --- a/src/mlpack/methods/kmeans/refined_start.hpp +++ b/src/mlpack/methods/kmeans/refined_start.hpp @@ -6,8 +6,8 @@ * K-Means clustering". This class is meant to provide better initial points * for the k-means algorithm. */ -#ifndef __MLPACK_METHODS_KMEANS_REFINED_START_HPP -#define __MLPACK_METHODS_KMEANS_REFINED_START_HPP +#ifndef MLPACK_METHODS_KMEANS_REFINED_START_HPP +#define MLPACK_METHODS_KMEANS_REFINED_START_HPP #include diff --git a/src/mlpack/methods/kmeans/refined_start_impl.hpp b/src/mlpack/methods/kmeans/refined_start_impl.hpp index 14c92d28c34..256e9c7be46 100644 --- a/src/mlpack/methods/kmeans/refined_start_impl.hpp +++ b/src/mlpack/methods/kmeans/refined_start_impl.hpp @@ -6,8 +6,8 @@ * K-Means clustering". This class is meant to provide better initial points * for the k-means algorithm. */ -#ifndef __MLPACK_METHODS_KMEANS_REFINED_START_IMPL_HPP -#define __MLPACK_METHODS_KMEANS_REFINED_START_IMPL_HPP +#ifndef MLPACK_METHODS_KMEANS_REFINED_START_IMPL_HPP +#define MLPACK_METHODS_KMEANS_REFINED_START_IMPL_HPP // In case it hasn't been included yet. #include "refined_start.hpp" diff --git a/src/mlpack/methods/lars/lars.hpp b/src/mlpack/methods/lars/lars.hpp index 41c17008c4c..85293b6e422 100644 --- a/src/mlpack/methods/lars/lars.hpp +++ b/src/mlpack/methods/lars/lars.hpp @@ -16,8 +16,8 @@ * Although this option currently is not implemented, it will be implemented * very soon. */ -#ifndef __MLPACK_METHODS_LARS_LARS_HPP -#define __MLPACK_METHODS_LARS_LARS_HPP +#ifndef MLPACK_METHODS_LARS_LARS_HPP +#define MLPACK_METHODS_LARS_LARS_HPP #include diff --git a/src/mlpack/methods/lars/lars_impl.hpp b/src/mlpack/methods/lars/lars_impl.hpp index 735f9da617e..b12bd76437b 100644 --- a/src/mlpack/methods/lars/lars_impl.hpp +++ b/src/mlpack/methods/lars/lars_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of templated LARS functions. */ -#ifndef __MLPACK_METHODS_LARS_LARS_IMPL_HPP -#define __MLPACK_METHODS_LARS_LARS_IMPL_HPP +#ifndef MLPACK_METHODS_LARS_LARS_IMPL_HPP +#define MLPACK_METHODS_LARS_LARS_IMPL_HPP //! In case it hasn't been included yet. #include "lars.hpp" diff --git a/src/mlpack/methods/linear_regression/linear_regression.hpp b/src/mlpack/methods/linear_regression/linear_regression.hpp index a0f226cc885..f7643508f79 100644 --- a/src/mlpack/methods/linear_regression/linear_regression.hpp +++ b/src/mlpack/methods/linear_regression/linear_regression.hpp @@ -5,8 +5,8 @@ * * Simple least-squares linear regression. */ -#ifndef __MLPACK_METHODS_LINEAR_REGRESSION_LINEAR_REGRESSION_HPP -#define __MLPACK_METHODS_LINEAR_REGRESSION_LINEAR_REGRESSION_HPP +#ifndef MLPACK_METHODS_LINEAR_REGRESSION_LINEAR_REGRESSION_HPP +#define MLPACK_METHODS_LINEAR_REGRESSION_LINEAR_REGRESSION_HPP #include diff --git a/src/mlpack/methods/local_coordinate_coding/lcc.hpp b/src/mlpack/methods/local_coordinate_coding/lcc.hpp index 6738ca9f987..f1f65320dfd 100644 --- a/src/mlpack/methods/local_coordinate_coding/lcc.hpp +++ b/src/mlpack/methods/local_coordinate_coding/lcc.hpp @@ -5,8 +5,8 @@ * Definition of the LocalCoordinateCoding class, which performs the Local * Coordinate Coding algorithm. */ -#ifndef __MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_HPP -#define __MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_HPP +#ifndef MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_HPP +#define MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_HPP #include #include diff --git a/src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp b/src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp index 531474df2c9..e527cc03341 100644 --- a/src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp +++ b/src/mlpack/methods/local_coordinate_coding/lcc_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of Local Coordinate Coding */ -#ifndef __MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_IMPL_HPP -#define __MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_IMPL_HPP +#ifndef MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_IMPL_HPP +#define MLPACK_METHODS_LOCAL_COORDINATE_CODING_LCC_IMPL_HPP // In case it hasn't been included yet. #include "lcc.hpp" diff --git a/src/mlpack/methods/logistic_regression/logistic_regression.hpp b/src/mlpack/methods/logistic_regression/logistic_regression.hpp index 8accd0bb54b..9b4454188d3 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression.hpp @@ -5,8 +5,8 @@ * The LogisticRegression class, which implements logistic regression. This * implements supports L2-regularization. */ -#ifndef __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_HPP -#define __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_HPP +#ifndef MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_HPP +#define MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_HPP #include #include diff --git a/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp b/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp index 50ae6925068..0c45376b08a 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp @@ -6,8 +6,8 @@ * optimized by a separate optimizer class that takes LogisticRegressionFunction * as its FunctionType class. */ -#ifndef __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_FUNCTION_HPP -#define __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_FUNCTION_HPP +#ifndef MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_FUNCTION_HPP +#define MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_FUNCTION_HPP #include 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 9a71d67f44b..65a4a41d51e 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_function_impl.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_function_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the LogisticRegressionFunction class. */ -#ifndef __MLPACK_METHODS_LOGISTIC_REGRESSION_FUNCTION_IMPL_HPP -#define __MLPACK_METHODS_LOGISTIC_REGRESSION_FUNCTION_IMPL_HPP +#ifndef MLPACK_METHODS_LOGISTIC_REGRESSION_FUNCTION_IMPL_HPP +#define MLPACK_METHODS_LOGISTIC_REGRESSION_FUNCTION_IMPL_HPP // In case it hasn't been included yet. #include "logistic_regression_function.hpp" diff --git a/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp b/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp index 69d93e0c70a..60157614952 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp @@ -5,8 +5,8 @@ * Implementation of the LogisticRegression class. This implementation supports * L2-regularization. */ -#ifndef __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_IMPL_HPP -#define __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_IMPL_HPP +#ifndef MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_IMPL_HPP +#define MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_IMPL_HPP // In case it hasn't been included yet. #include "logistic_regression.hpp" diff --git a/src/mlpack/methods/lsh/lsh_search.hpp b/src/mlpack/methods/lsh/lsh_search.hpp index c2a8524daf1..7505f29c0af 100644 --- a/src/mlpack/methods/lsh/lsh_search.hpp +++ b/src/mlpack/methods/lsh/lsh_search.hpp @@ -20,8 +20,8 @@ * } * */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_HPP #include #include diff --git a/src/mlpack/methods/lsh/lsh_search_impl.hpp b/src/mlpack/methods/lsh/lsh_search_impl.hpp index 1db8ab197f7..b956ed27717 100644 --- a/src/mlpack/methods/lsh/lsh_search_impl.hpp +++ b/src/mlpack/methods/lsh/lsh_search_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the LSHSearch class. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_IMPL_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_IMPL_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_IMPL_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_LSH_SEARCH_IMPL_HPP #include diff --git a/src/mlpack/methods/matrix_completion/matrix_completion.hpp b/src/mlpack/methods/matrix_completion/matrix_completion.hpp index 263b349241a..c2bb8f3e294 100644 --- a/src/mlpack/methods/matrix_completion/matrix_completion.hpp +++ b/src/mlpack/methods/matrix_completion/matrix_completion.hpp @@ -5,8 +5,8 @@ * A thin wrapper around nuclear norm minimization to solve * low rank matrix completion problems. */ -#ifndef __MLPACK_METHODS_MATRIX_COMPLETION_MATRIX_COMPLETION_HPP -#define __MLPACK_METHODS_MATRIX_COMPLETION_MATRIX_COMPLETION_HPP +#ifndef MLPACK_METHODS_MATRIX_COMPLETION_MATRIX_COMPLETION_HPP +#define MLPACK_METHODS_MATRIX_COMPLETION_MATRIX_COMPLETION_HPP #include #include diff --git a/src/mlpack/methods/mean_shift/mean_shift.hpp b/src/mlpack/methods/mean_shift/mean_shift.hpp index 55db83fe853..2f31ea90e69 100644 --- a/src/mlpack/methods/mean_shift/mean_shift.hpp +++ b/src/mlpack/methods/mean_shift/mean_shift.hpp @@ -5,8 +5,8 @@ * Mean Shift clustering */ -#ifndef __MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_HPP -#define __MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_HPP +#ifndef MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_HPP +#define MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_HPP #include #include diff --git a/src/mlpack/methods/mean_shift/mean_shift_impl.hpp b/src/mlpack/methods/mean_shift/mean_shift_impl.hpp index 46499bad147..152dadcaaf5 100644 --- a/src/mlpack/methods/mean_shift/mean_shift_impl.hpp +++ b/src/mlpack/methods/mean_shift/mean_shift_impl.hpp @@ -4,8 +4,8 @@ * * Mean shift clustering implementation. */ -#ifndef __MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_IMPL_HPP -#define __MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_IMPL_HPP +#ifndef MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_IMPL_HPP +#define MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_IMPL_HPP #include #include diff --git a/src/mlpack/methods/mvu/mvu.hpp b/src/mlpack/methods/mvu/mvu.hpp index 732944b9fa1..a4aaed324e6 100644 --- a/src/mlpack/methods/mvu/mvu.hpp +++ b/src/mlpack/methods/mvu/mvu.hpp @@ -9,8 +9,8 @@ * * Note: this implementation of MVU does not work. See #189. */ -#ifndef __MLPACK_METHODS_MVU_MVU_HPP -#define __MLPACK_METHODS_MVU_MVU_HPP +#ifndef MLPACK_METHODS_MVU_MVU_HPP +#define MLPACK_METHODS_MVU_MVU_HPP #include diff --git a/src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp b/src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp index c79d836afd0..90daccc88cf 100644 --- a/src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp +++ b/src/mlpack/methods/naive_bayes/naive_bayes_classifier.hpp @@ -6,8 +6,8 @@ * the features. It is assumed that the features have been sampled from a * Gaussian PDF. */ -#ifndef __MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_HPP -#define __MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_HPP +#ifndef MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_HPP +#define MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_HPP #include 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 3526f7bf0f8..526bcd8fb40 100644 --- a/src/mlpack/methods/naive_bayes/naive_bayes_classifier_impl.hpp +++ b/src/mlpack/methods/naive_bayes/naive_bayes_classifier_impl.hpp @@ -8,8 +8,8 @@ * that the features have been sampled from a set of Gaussians with diagonal * covariance. */ -#ifndef __MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_IMPL_HPP -#define __MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_IMPL_HPP +#ifndef MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_IMPL_HPP +#define MLPACK_METHODS_NAIVE_BAYES_NAIVE_BAYES_CLASSIFIER_IMPL_HPP #include diff --git a/src/mlpack/methods/nca/nca.hpp b/src/mlpack/methods/nca/nca.hpp index 7ff5cf99e8b..da67ee27cc7 100644 --- a/src/mlpack/methods/nca/nca.hpp +++ b/src/mlpack/methods/nca/nca.hpp @@ -4,8 +4,8 @@ * * Declaration of NCA class (Neighborhood Components Analysis). */ -#ifndef __MLPACK_METHODS_NCA_NCA_HPP -#define __MLPACK_METHODS_NCA_NCA_HPP +#ifndef MLPACK_METHODS_NCA_NCA_HPP +#define MLPACK_METHODS_NCA_NCA_HPP #include #include diff --git a/src/mlpack/methods/nca/nca_impl.hpp b/src/mlpack/methods/nca/nca_impl.hpp index dd6076ba7c4..fdf0af46a0c 100644 --- a/src/mlpack/methods/nca/nca_impl.hpp +++ b/src/mlpack/methods/nca/nca_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of templated NCA class. */ -#ifndef __MLPACK_METHODS_NCA_NCA_IMPL_HPP -#define __MLPACK_METHODS_NCA_NCA_IMPL_HPP +#ifndef MLPACK_METHODS_NCA_NCA_IMPL_HPP +#define MLPACK_METHODS_NCA_NCA_IMPL_HPP // In case it was not already included. #include "nca.hpp" diff --git a/src/mlpack/methods/nca/nca_softmax_error_function.hpp b/src/mlpack/methods/nca/nca_softmax_error_function.hpp index 13203e8aba4..683993ad7d4 100644 --- a/src/mlpack/methods/nca/nca_softmax_error_function.hpp +++ b/src/mlpack/methods/nca/nca_softmax_error_function.hpp @@ -5,8 +5,8 @@ * Implementation of the stochastic neighbor assignment probability error * function (the "softmax error"). */ -#ifndef __MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTION_HPP -#define __MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTION_HPP +#ifndef MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTION_HPP +#define MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTION_HPP #include 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 7c8a4b74551..d965bd56cb4 100644 --- a/src/mlpack/methods/nca/nca_softmax_error_function_impl.hpp +++ b/src/mlpack/methods/nca/nca_softmax_error_function_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the Softmax error function. */ -#ifndef __MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTCLIN_IMPL_H -#define __MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTCLIN_IMPL_H +#ifndef MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTCLIN_IMPL_H +#define MLPACK_METHODS_NCA_NCA_SOFTMAX_ERROR_FUNCTCLIN_IMPL_H // In case it hasn't been included already. #include "nca_softmax_error_function.hpp" diff --git a/src/mlpack/methods/neighbor_search/neighbor_search.hpp b/src/mlpack/methods/neighbor_search/neighbor_search.hpp index d2055a1208b..ce05308f0fe 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search.hpp @@ -5,8 +5,8 @@ * Defines the NeighborSearch class, which performs an abstract * nearest-neighbor-like query on two datasets. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_HPP #include #include diff --git a/src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp b/src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp index 2657f5f8371..529cfdd45a0 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_impl.hpp @@ -5,8 +5,8 @@ * Implementation of Neighbor-Search class to perform all-nearest-neighbors on * two specified data sets. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_IMPL_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_IMPL_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_IMPL_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_IMPL_HPP #include diff --git a/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp b/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp index 124383b1c1a..c2db33f5b80 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp @@ -5,8 +5,8 @@ * Defines the pruning rules and base case rules necessary to perform a * tree-based search (with an arbitrary tree) for the NeighborSearch class. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_RULES_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_RULES_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_RULES_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_RULES_HPP #include "ns_traversal_info.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 1eb29c440db..5f3628f3b49 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_rules_impl.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_rules_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of NearestNeighborRules. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_RULES_IMPL_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_RULES_IMPL_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_RULES_IMPL_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_RULES_IMPL_HPP // In case it hasn't been included yet. #include "neighbor_search_rules.hpp" diff --git a/src/mlpack/methods/neighbor_search/neighbor_search_stat.hpp b/src/mlpack/methods/neighbor_search/neighbor_search_stat.hpp index d2ac6364e9f..90b3f76ff10 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_stat.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_stat.hpp @@ -5,8 +5,8 @@ * Defines the NeighborSearch class, which performs an abstract * nearest-neighbor-like query on two datasets. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_STAT_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_STAT_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_STAT_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_STAT_HPP #include diff --git a/src/mlpack/methods/neighbor_search/ns_model.hpp b/src/mlpack/methods/neighbor_search/ns_model.hpp index b8767e3d78f..c7881451438 100644 --- a/src/mlpack/methods/neighbor_search/ns_model.hpp +++ b/src/mlpack/methods/neighbor_search/ns_model.hpp @@ -7,8 +7,8 @@ * different types of trees, and also reflects the NeighborSearch API and * automatically directs to the right tree type. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_HPP #include #include diff --git a/src/mlpack/methods/neighbor_search/ns_model_impl.hpp b/src/mlpack/methods/neighbor_search/ns_model_impl.hpp index 1245ab83b72..f8e8c2f10f5 100644 --- a/src/mlpack/methods/neighbor_search/ns_model_impl.hpp +++ b/src/mlpack/methods/neighbor_search/ns_model_impl.hpp @@ -7,8 +7,8 @@ * different types of trees, and also reflects the NeighborSearch API and * automatically directs to the right tree type. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_IMPL_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_IMPL_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_IMPL_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_NS_MODEL_IMPL_HPP // In case it hasn't been included yet. #include "ns_model.hpp" diff --git a/src/mlpack/methods/neighbor_search/ns_traversal_info.hpp b/src/mlpack/methods/neighbor_search/ns_traversal_info.hpp index 83226aaefc3..27bc70ebf41 100644 --- a/src/mlpack/methods/neighbor_search/ns_traversal_info.hpp +++ b/src/mlpack/methods/neighbor_search/ns_traversal_info.hpp @@ -5,8 +5,8 @@ * This class holds traversal information for dual-tree traversals that are * using the NeighborSearchRules RuleType. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_TRAVERSAL_INFO_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_TRAVERSAL_INFO_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_TRAVERSAL_INFO_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_TRAVERSAL_INFO_HPP namespace mlpack { namespace neighbor { 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 b2ff1ca48fa..aa7d18199fa 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 @@ -5,8 +5,8 @@ * Implementation of the SortPolicy class for NeighborSearch; in this case, the * furthest neighbors are those that are most important. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_HPP #include 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 538213947b4..e3430cbe5c5 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 @@ -5,8 +5,8 @@ * Implementation of templated methods for the FurthestNeighborSort SortPolicy * class for the NeighborSearch class. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_IMPL_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_IMPL_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_IMPL_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_FURTHEST_NEIGHBOR_SORT_IMPL_HPP namespace mlpack { namespace neighbor { 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 8fdf321dc0e..ee450be67c0 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 @@ -5,8 +5,8 @@ * Implementation of the SortPolicy class for NeighborSearch; in this case, the * nearest neighbors are those that are most important. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_SORT_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_SORT_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_SORT_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_SORT_HPP #include 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 ab3d9327da9..5182913463e 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 @@ -5,8 +5,8 @@ * Implementation of templated methods for the NearestNeighborSort SortPolicy * class for the NeighborSearch class. */ -#ifndef __MLPACK_NEIGHBOR_NEAREST_NEIGHBOR_SORT_IMPL_HPP -#define __MLPACK_NEIGHBOR_NEAREST_NEIGHBOR_SORT_IMPL_HPP +#ifndef MLPACK_NEIGHBOR_NEAREST_NEIGHBOR_SORT_IMPL_HPP +#define MLPACK_NEIGHBOR_NEAREST_NEIGHBOR_SORT_IMPL_HPP namespace mlpack { namespace neighbor { diff --git a/src/mlpack/methods/neighbor_search/typedef.hpp b/src/mlpack/methods/neighbor_search/typedef.hpp index 2e2ea179098..d0b8b381fc9 100644 --- a/src/mlpack/methods/neighbor_search/typedef.hpp +++ b/src/mlpack/methods/neighbor_search/typedef.hpp @@ -6,8 +6,8 @@ * class which are commonly used. This is meant to be included by * neighbor_search.h but is a separate file for simplicity. */ -#ifndef __MLPACK_NEIGHBOR_SEARCH_TYPEDEF_H -#define __MLPACK_NEIGHBOR_SEARCH_TYPEDEF_H +#ifndef MLPACK_NEIGHBOR_SEARCH_TYPEDEF_H +#define MLPACK_NEIGHBOR_SEARCH_TYPEDEF_H // In case someone included this directly. #include "neighbor_search.hpp" diff --git a/src/mlpack/methods/neighbor_search/unmap.hpp b/src/mlpack/methods/neighbor_search/unmap.hpp index 0a9d7eb2f18..61d85ab5df7 100644 --- a/src/mlpack/methods/neighbor_search/unmap.hpp +++ b/src/mlpack/methods/neighbor_search/unmap.hpp @@ -4,8 +4,8 @@ * * Convenience methods to unmap results. */ -#ifndef __MLPACK_METHODS_NEIGHBOR_SEARCH_UNMAP_HPP -#define __MLPACK_METHODS_NEIGHBOR_SEARCH_UNMAP_HPP +#ifndef MLPACK_METHODS_NEIGHBOR_SEARCH_UNMAP_HPP +#define MLPACK_METHODS_NEIGHBOR_SEARCH_UNMAP_HPP #include diff --git a/src/mlpack/methods/nystroem_method/kmeans_selection.hpp b/src/mlpack/methods/nystroem_method/kmeans_selection.hpp index e03fd870f4e..421de65e791 100644 --- a/src/mlpack/methods/nystroem_method/kmeans_selection.hpp +++ b/src/mlpack/methods/nystroem_method/kmeans_selection.hpp @@ -5,8 +5,8 @@ * Use the centroids of the K-Means clustering method for use in the Nystroem * method of kernel matrix approximation. */ -#ifndef __MLPACK_METHODS_NYSTROEM_METHOD_KMEANS_SELECTION_HPP -#define __MLPACK_METHODS_NYSTROEM_METHOD_KMEANS_SELECTION_HPP +#ifndef MLPACK_METHODS_NYSTROEM_METHOD_KMEANS_SELECTION_HPP +#define MLPACK_METHODS_NYSTROEM_METHOD_KMEANS_SELECTION_HPP #include #include diff --git a/src/mlpack/methods/nystroem_method/nystroem_method.hpp b/src/mlpack/methods/nystroem_method/nystroem_method.hpp index f855fe05ee6..52840ae7502 100644 --- a/src/mlpack/methods/nystroem_method/nystroem_method.hpp +++ b/src/mlpack/methods/nystroem_method/nystroem_method.hpp @@ -7,8 +7,8 @@ * There are many variations on how to do this, so template parameters allow the * selection of many different techniques. */ -#ifndef __MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_HPP -#define __MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_HPP +#ifndef MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_HPP +#define MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_HPP #include #include "kmeans_selection.hpp" diff --git a/src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp b/src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp index ae6d8ab0dd0..30fe7f614b3 100644 --- a/src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp +++ b/src/mlpack/methods/nystroem_method/nystroem_method_impl.hpp @@ -5,8 +5,8 @@ * * Implementation of the Nystroem method for approximating a kernel matrix. */ -#ifndef __MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_IMPL_HPP -#define __MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_IMPL_HPP +#ifndef MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_IMPL_HPP +#define MLPACK_METHODS_NYSTROEM_METHOD_NYSTROEM_METHOD_IMPL_HPP // In case it hasn't been included yet. #include "nystroem_method.hpp" diff --git a/src/mlpack/methods/nystroem_method/ordered_selection.hpp b/src/mlpack/methods/nystroem_method/ordered_selection.hpp index 5c47b6b915f..3f5c8a929bd 100644 --- a/src/mlpack/methods/nystroem_method/ordered_selection.hpp +++ b/src/mlpack/methods/nystroem_method/ordered_selection.hpp @@ -6,8 +6,8 @@ * kernel matrix approximation. This is mostly for testing, but might have * other uses. */ -#ifndef __MLPACK_METHODS_NYSTROEM_METHOD_ORDERED_SELECTION_HPP -#define __MLPACK_METHODS_NYSTROEM_METHOD_ORDERED_SELECTION_HPP +#ifndef MLPACK_METHODS_NYSTROEM_METHOD_ORDERED_SELECTION_HPP +#define MLPACK_METHODS_NYSTROEM_METHOD_ORDERED_SELECTION_HPP #include diff --git a/src/mlpack/methods/nystroem_method/random_selection.hpp b/src/mlpack/methods/nystroem_method/random_selection.hpp index a4fbba9db36..b2126dc1ddf 100644 --- a/src/mlpack/methods/nystroem_method/random_selection.hpp +++ b/src/mlpack/methods/nystroem_method/random_selection.hpp @@ -6,8 +6,8 @@ * method. Replacement is suboptimal, but for rank << number of points, this is * unlikely. */ -#ifndef __MLPACK_METHODS_NYSTROEM_METHOD_RANDOM_SELECTION_HPP -#define __MLPACK_METHODS_NYSTROEM_METHOD_RANDOM_SELECTION_HPP +#ifndef MLPACK_METHODS_NYSTROEM_METHOD_RANDOM_SELECTION_HPP +#define MLPACK_METHODS_NYSTROEM_METHOD_RANDOM_SELECTION_HPP #include diff --git a/src/mlpack/methods/pca/pca.hpp b/src/mlpack/methods/pca/pca.hpp index 6775372afb1..c698110c066 100644 --- a/src/mlpack/methods/pca/pca.hpp +++ b/src/mlpack/methods/pca/pca.hpp @@ -5,8 +5,8 @@ * Defines the PCA class to perform Principal Components Analysis on the * specified data set. */ -#ifndef __MLPACK_METHODS_PCA_PCA_HPP -#define __MLPACK_METHODS_PCA_PCA_HPP +#ifndef MLPACK_METHODS_PCA_PCA_HPP +#define MLPACK_METHODS_PCA_PCA_HPP #include diff --git a/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp b/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp index 08c6b059e4d..9c54d9da21e 100644 --- a/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp +++ b/src/mlpack/methods/perceptron/initialization_methods/random_init.hpp @@ -4,8 +4,8 @@ * * Random initialization for perceptron weights. */ -#ifndef __MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_RANDOM_INIT_HPP -#define __MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_RANDOM_INIT_HPP +#ifndef MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_RANDOM_INIT_HPP +#define MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_RANDOM_INIT_HPP #include diff --git a/src/mlpack/methods/perceptron/initialization_methods/zero_init.hpp b/src/mlpack/methods/perceptron/initialization_methods/zero_init.hpp index d1695a991b5..9bff618b318 100644 --- a/src/mlpack/methods/perceptron/initialization_methods/zero_init.hpp +++ b/src/mlpack/methods/perceptron/initialization_methods/zero_init.hpp @@ -4,8 +4,8 @@ * * Implementation of ZeroInitialization policy for perceptrons. */ -#ifndef __MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_ZERO_INIT_HPP -#define __MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_ZERO_INIT_HPP +#ifndef MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_ZERO_INIT_HPP +#define MLPACK_METHODS_PERCEPTRON_INITIALIZATION_METHODS_ZERO_INIT_HPP #include diff --git a/src/mlpack/methods/perceptron/perceptron.hpp b/src/mlpack/methods/perceptron/perceptron.hpp index 2d51a0ddd92..7810e8e81bb 100644 --- a/src/mlpack/methods/perceptron/perceptron.hpp +++ b/src/mlpack/methods/perceptron/perceptron.hpp @@ -4,8 +4,8 @@ * * Definition of Perceptron class. */ -#ifndef __MLPACK_METHODS_PERCEPTRON_PERCEPTRON_HPP -#define __MLPACK_METHODS_PERCEPTRON_PERCEPTRON_HPP +#ifndef MLPACK_METHODS_PERCEPTRON_PERCEPTRON_HPP +#define MLPACK_METHODS_PERCEPTRON_PERCEPTRON_HPP #include diff --git a/src/mlpack/methods/perceptron/perceptron_impl.hpp b/src/mlpack/methods/perceptron/perceptron_impl.hpp index be6c27e0e28..68c5f512e65 100644 --- a/src/mlpack/methods/perceptron/perceptron_impl.hpp +++ b/src/mlpack/methods/perceptron/perceptron_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of Perceptron class. */ -#ifndef __MLPACK_METHODS_PERCEPTRON_PERCEPTRON_IMPL_HPP -#define __MLPACK_METHODS_PERCEPTRON_PERCEPTRON_IMPL_HPP +#ifndef MLPACK_METHODS_PERCEPTRON_PERCEPTRON_IMPL_HPP +#define MLPACK_METHODS_PERCEPTRON_PERCEPTRON_IMPL_HPP #include "perceptron.hpp" diff --git a/src/mlpack/methods/quic_svd/quic_svd.hpp b/src/mlpack/methods/quic_svd/quic_svd.hpp index f8106aeb26e..3fe9e6d2b11 100644 --- a/src/mlpack/methods/quic_svd/quic_svd.hpp +++ b/src/mlpack/methods/quic_svd/quic_svd.hpp @@ -4,8 +4,8 @@ * * An implementation of QUIC-SVD. */ -#ifndef __MLPACK_METHODS_QUIC_SVD_QUIC_SVD_HPP -#define __MLPACK_METHODS_QUIC_SVD_QUIC_SVD_HPP +#ifndef MLPACK_METHODS_QUIC_SVD_QUIC_SVD_HPP +#define MLPACK_METHODS_QUIC_SVD_QUIC_SVD_HPP #include #include diff --git a/src/mlpack/methods/quic_svd/quic_svd_impl.hpp b/src/mlpack/methods/quic_svd/quic_svd_impl.hpp index c60a3b59431..20aaba1822d 100644 --- a/src/mlpack/methods/quic_svd/quic_svd_impl.hpp +++ b/src/mlpack/methods/quic_svd/quic_svd_impl.hpp @@ -4,8 +4,8 @@ * * An implementation of QUIC-SVD. */ -#ifndef __MLPACK_METHODS_QUIC_SVD_QUIC_SVD_IMPL_HPP -#define __MLPACK_METHODS_QUIC_SVD_QUIC_SVD_IMPL_HPP +#ifndef MLPACK_METHODS_QUIC_SVD_QUIC_SVD_IMPL_HPP +#define MLPACK_METHODS_QUIC_SVD_QUIC_SVD_IMPL_HPP // In case it hasn't been included yet. #include "quic_svd.hpp" diff --git a/src/mlpack/methods/radical/radical.hpp b/src/mlpack/methods/radical/radical.hpp index 67f98dec580..81e9ec974b9 100644 --- a/src/mlpack/methods/radical/radical.hpp +++ b/src/mlpack/methods/radical/radical.hpp @@ -6,8 +6,8 @@ * aLgorithm). */ -#ifndef __MLPACK_METHODS_RADICAL_RADICAL_HPP -#define __MLPACK_METHODS_RADICAL_RADICAL_HPP +#ifndef MLPACK_METHODS_RADICAL_RADICAL_HPP +#define MLPACK_METHODS_RADICAL_RADICAL_HPP #include diff --git a/src/mlpack/methods/range_search/range_search.hpp b/src/mlpack/methods/range_search/range_search.hpp index 4567f907a5a..021f5c0c8d1 100644 --- a/src/mlpack/methods/range_search/range_search.hpp +++ b/src/mlpack/methods/range_search/range_search.hpp @@ -5,8 +5,8 @@ * Defines the RangeSearch class, which performs a generalized range search on * points. */ -#ifndef __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_HPP -#define __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_HPP +#ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_HPP +#define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_HPP #include #include diff --git a/src/mlpack/methods/range_search/range_search_impl.hpp b/src/mlpack/methods/range_search/range_search_impl.hpp index cc67146dfcc..c4ecc9d77f7 100644 --- a/src/mlpack/methods/range_search/range_search_impl.hpp +++ b/src/mlpack/methods/range_search/range_search_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the RangeSearch class. */ -#ifndef __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_IMPL_HPP -#define __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_IMPL_HPP +#ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_IMPL_HPP +#define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_IMPL_HPP // Just in case it hasn't been included. #include "range_search.hpp" diff --git a/src/mlpack/methods/range_search/range_search_rules.hpp b/src/mlpack/methods/range_search/range_search_rules.hpp index 78eff003342..bfa82d0f24f 100644 --- a/src/mlpack/methods/range_search/range_search_rules.hpp +++ b/src/mlpack/methods/range_search/range_search_rules.hpp @@ -4,8 +4,8 @@ * * Rules for range search, so that it can be done with arbitrary tree types. */ -#ifndef __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_HPP -#define __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_HPP +#ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_HPP +#define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_HPP #include "../neighbor_search/ns_traversal_info.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 30c507dfc20..a0629bbb419 100644 --- a/src/mlpack/methods/range_search/range_search_rules_impl.hpp +++ b/src/mlpack/methods/range_search/range_search_rules_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of rules for range search with generic trees. */ -#ifndef __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_IMPL_HPP -#define __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_IMPL_HPP +#ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_IMPL_HPP +#define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_RULES_IMPL_HPP // In case it hasn't been included yet. #include "range_search_rules.hpp" diff --git a/src/mlpack/methods/range_search/range_search_stat.hpp b/src/mlpack/methods/range_search/range_search_stat.hpp index 50416740409..310180d84d2 100644 --- a/src/mlpack/methods/range_search/range_search_stat.hpp +++ b/src/mlpack/methods/range_search/range_search_stat.hpp @@ -5,8 +5,8 @@ * Statistic class for RangeSearch, which just holds the last visited node and * the corresponding base case result. */ -#ifndef __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_STAT_HPP -#define __MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_STAT_HPP +#ifndef MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_STAT_HPP +#define MLPACK_METHODS_RANGE_SEARCH_RANGE_SEARCH_STAT_HPP #include diff --git a/src/mlpack/methods/range_search/rs_model.hpp b/src/mlpack/methods/range_search/rs_model.hpp index 0a249fd2d2e..a7cae2d2d61 100644 --- a/src/mlpack/methods/range_search/rs_model.hpp +++ b/src/mlpack/methods/range_search/rs_model.hpp @@ -7,8 +7,8 @@ * also reflects the RangeSearch API and automatically directs to the right * tree types. */ -#ifndef __MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_HPP -#define __MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_HPP +#ifndef MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_HPP +#define MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_HPP #include #include diff --git a/src/mlpack/methods/range_search/rs_model_impl.hpp b/src/mlpack/methods/range_search/rs_model_impl.hpp index 55f38d046c3..8cf83d3a479 100644 --- a/src/mlpack/methods/range_search/rs_model_impl.hpp +++ b/src/mlpack/methods/range_search/rs_model_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of Serialize() and inline functions for RSModel. */ -#ifndef __MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_IMPL_HPP -#define __MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_IMPL_HPP +#ifndef MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_IMPL_HPP +#define MLPACK_METHODS_RANGE_SEARCH_RS_MODEL_IMPL_HPP // In case it hasn't been included yet. #include "rs_model.hpp" diff --git a/src/mlpack/methods/rann/ra_model.hpp b/src/mlpack/methods/rann/ra_model.hpp index 26af54b0f64..1e9fed38de8 100644 --- a/src/mlpack/methods/rann/ra_model.hpp +++ b/src/mlpack/methods/rann/ra_model.hpp @@ -6,8 +6,8 @@ * easy way to serialize a rank-approximate neighbor search model by abstracting * the types of trees and reflecting the RASearch API. */ -#ifndef __MLPACK_METHODS_RANN_RA_MODEL_HPP -#define __MLPACK_METHODS_RANN_RA_MODEL_HPP +#ifndef MLPACK_METHODS_RANN_RA_MODEL_HPP +#define MLPACK_METHODS_RANN_RA_MODEL_HPP #include #include diff --git a/src/mlpack/methods/rann/ra_model_impl.hpp b/src/mlpack/methods/rann/ra_model_impl.hpp index 390de0943e2..e87d8edb020 100644 --- a/src/mlpack/methods/rann/ra_model_impl.hpp +++ b/src/mlpack/methods/rann/ra_model_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of the RAModel class. */ -#ifndef __MLPACK_METHODS_RANN_RA_MODEL_IMPL_HPP -#define __MLPACK_METHODS_RANN_RA_MODEL_IMPL_HPP +#ifndef MLPACK_METHODS_RANN_RA_MODEL_IMPL_HPP +#define MLPACK_METHODS_RANN_RA_MODEL_IMPL_HPP // In case it hasn't been included yet. #include "ra_model.hpp" diff --git a/src/mlpack/methods/rann/ra_query_stat.hpp b/src/mlpack/methods/rann/ra_query_stat.hpp index e853bf02fa6..b51c8bab8de 100644 --- a/src/mlpack/methods/rann/ra_query_stat.hpp +++ b/src/mlpack/methods/rann/ra_query_stat.hpp @@ -5,8 +5,8 @@ * Defines the RAQueryStat class, which is the statistic used for * rank-approximate nearest neighbor search (RASearch). */ -#ifndef __MLPACK_METHODS_RANN_RA_QUERY_STAT_HPP -#define __MLPACK_METHODS_RANN_RA_QUERY_STAT_HPP +#ifndef MLPACK_METHODS_RANN_RA_QUERY_STAT_HPP +#define MLPACK_METHODS_RANN_RA_QUERY_STAT_HPP #include diff --git a/src/mlpack/methods/rann/ra_search.hpp b/src/mlpack/methods/rann/ra_search.hpp index 895b164806f..84d7c360aca 100644 --- a/src/mlpack/methods/rann/ra_search.hpp +++ b/src/mlpack/methods/rann/ra_search.hpp @@ -15,8 +15,8 @@ * year={2009} * } */ -#ifndef __MLPACK_METHODS_RANN_RA_SEARCH_HPP -#define __MLPACK_METHODS_RANN_RA_SEARCH_HPP +#ifndef MLPACK_METHODS_RANN_RA_SEARCH_HPP +#define MLPACK_METHODS_RANN_RA_SEARCH_HPP #include diff --git a/src/mlpack/methods/rann/ra_search_impl.hpp b/src/mlpack/methods/rann/ra_search_impl.hpp index 38a80f46bb3..fcaa4e413a1 100644 --- a/src/mlpack/methods/rann/ra_search_impl.hpp +++ b/src/mlpack/methods/rann/ra_search_impl.hpp @@ -5,8 +5,8 @@ * Implementation of RASearch class to perform rank-approximate * all-nearest-neighbors on two specified data sets. */ -#ifndef __MLPACK_METHODS_RANN_RA_SEARCH_IMPL_HPP -#define __MLPACK_METHODS_RANN_RA_SEARCH_IMPL_HPP +#ifndef MLPACK_METHODS_RANN_RA_SEARCH_IMPL_HPP +#define MLPACK_METHODS_RANN_RA_SEARCH_IMPL_HPP #include diff --git a/src/mlpack/methods/rann/ra_search_rules.hpp b/src/mlpack/methods/rann/ra_search_rules.hpp index fe4cafe2661..607a079d63d 100644 --- a/src/mlpack/methods/rann/ra_search_rules.hpp +++ b/src/mlpack/methods/rann/ra_search_rules.hpp @@ -6,8 +6,8 @@ * tree-based rank-approximate search (with an arbitrary tree) for the RASearch * class. */ -#ifndef __MLPACK_METHODS_RANN_RA_SEARCH_RULES_HPP -#define __MLPACK_METHODS_RANN_RA_SEARCH_RULES_HPP +#ifndef MLPACK_METHODS_RANN_RA_SEARCH_RULES_HPP +#define MLPACK_METHODS_RANN_RA_SEARCH_RULES_HPP #include "../neighbor_search/ns_traversal_info.hpp" diff --git a/src/mlpack/methods/rann/ra_search_rules_impl.hpp b/src/mlpack/methods/rann/ra_search_rules_impl.hpp index 924054101b7..797ebfe70f7 100644 --- a/src/mlpack/methods/rann/ra_search_rules_impl.hpp +++ b/src/mlpack/methods/rann/ra_search_rules_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of RASearchRules. */ -#ifndef __MLPACK_METHODS_RANN_RA_SEARCH_RULES_IMPL_HPP -#define __MLPACK_METHODS_RANN_RA_SEARCH_RULES_IMPL_HPP +#ifndef MLPACK_METHODS_RANN_RA_SEARCH_RULES_IMPL_HPP +#define MLPACK_METHODS_RANN_RA_SEARCH_RULES_IMPL_HPP // In case it hasn't been included yet. #include "ra_search_rules.hpp" diff --git a/src/mlpack/methods/rann/ra_typedef.hpp b/src/mlpack/methods/rann/ra_typedef.hpp index e9631729d86..41d7e29b42d 100644 --- a/src/mlpack/methods/rann/ra_typedef.hpp +++ b/src/mlpack/methods/rann/ra_typedef.hpp @@ -5,8 +5,8 @@ * Simple typedefs describing template instantiations of the RASearch * class which are commonly used. */ -#ifndef __MLPACK_RANN_RA_TYPEDEF_HPP -#define __MLPACK_RANN_RA_TYPEDEF_HPP +#ifndef MLPACK_RANN_RA_TYPEDEF_HPP +#define MLPACK_RANN_RA_TYPEDEF_HPP // In case someone included this directly. #include "ra_search.hpp" diff --git a/src/mlpack/methods/rann/ra_util.hpp b/src/mlpack/methods/rann/ra_util.hpp index 126e5478022..140146735cf 100644 --- a/src/mlpack/methods/rann/ra_util.hpp +++ b/src/mlpack/methods/rann/ra_util.hpp @@ -5,8 +5,8 @@ * * Utilities for rank-approximate neighbor search. */ -#ifndef __MLPACK_METHODS_RANN_RA_UTIL_HPP -#define __MLPACK_METHODS_RANN_RA_UTIL_HPP +#ifndef MLPACK_METHODS_RANN_RA_UTIL_HPP +#define MLPACK_METHODS_RANN_RA_UTIL_HPP #include diff --git a/src/mlpack/methods/regularized_svd/regularized_svd.hpp b/src/mlpack/methods/regularized_svd/regularized_svd.hpp index 4a748a96190..8ab1d6cef9b 100644 --- a/src/mlpack/methods/regularized_svd/regularized_svd.hpp +++ b/src/mlpack/methods/regularized_svd/regularized_svd.hpp @@ -5,8 +5,8 @@ * An implementation of Regularized SVD. */ -#ifndef __MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_HPP -#define __MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_HPP +#ifndef MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_HPP +#define MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_HPP #include #include diff --git a/src/mlpack/methods/regularized_svd/regularized_svd_function.hpp b/src/mlpack/methods/regularized_svd/regularized_svd_function.hpp index 81043298df0..82d8c2a728c 100644 --- a/src/mlpack/methods/regularized_svd/regularized_svd_function.hpp +++ b/src/mlpack/methods/regularized_svd/regularized_svd_function.hpp @@ -5,8 +5,8 @@ * An implementation of the RegularizedSVDFunction class. */ -#ifndef __MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_FUNCTION_SVD_HPP -#define __MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_FUNCTION_SVD_HPP +#ifndef MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_FUNCTION_SVD_HPP +#define MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_FUNCTION_SVD_HPP #include #include diff --git a/src/mlpack/methods/regularized_svd/regularized_svd_impl.hpp b/src/mlpack/methods/regularized_svd/regularized_svd_impl.hpp index f5c8a70b941..c75236d3084 100644 --- a/src/mlpack/methods/regularized_svd/regularized_svd_impl.hpp +++ b/src/mlpack/methods/regularized_svd/regularized_svd_impl.hpp @@ -5,8 +5,8 @@ * An implementation of Regularized SVD. */ -#ifndef __MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_IMPL_HPP -#define __MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_IMPL_HPP +#ifndef MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_IMPL_HPP +#define MLPACK_METHODS_REGULARIZED_SVD_REGULARIZED_SVD_IMPL_HPP namespace mlpack { namespace svd { diff --git a/src/mlpack/methods/softmax_regression/softmax_regression.hpp b/src/mlpack/methods/softmax_regression/softmax_regression.hpp index af83b04620a..a2c8ee39eeb 100644 --- a/src/mlpack/methods/softmax_regression/softmax_regression.hpp +++ b/src/mlpack/methods/softmax_regression/softmax_regression.hpp @@ -4,8 +4,8 @@ * * An implementation of softmax regression. */ -#ifndef __MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_HPP -#define __MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_HPP +#ifndef MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_HPP +#define MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_HPP #include #include diff --git a/src/mlpack/methods/softmax_regression/softmax_regression_function.hpp b/src/mlpack/methods/softmax_regression/softmax_regression_function.hpp index 7a690447e47..440f401a04e 100644 --- a/src/mlpack/methods/softmax_regression/softmax_regression_function.hpp +++ b/src/mlpack/methods/softmax_regression/softmax_regression_function.hpp @@ -5,8 +5,8 @@ * The function to be optimized for softmax regression. Any mlpack optimizer * can be used. */ -#ifndef __MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_FUNCTION_HPP -#define __MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_FUNCTION_HPP +#ifndef MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_FUNCTION_HPP +#define MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_FUNCTION_HPP #include diff --git a/src/mlpack/methods/softmax_regression/softmax_regression_impl.hpp b/src/mlpack/methods/softmax_regression/softmax_regression_impl.hpp index d95cad4ddb2..d3c8fe976e9 100644 --- a/src/mlpack/methods/softmax_regression/softmax_regression_impl.hpp +++ b/src/mlpack/methods/softmax_regression/softmax_regression_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of softmax regression. */ -#ifndef __MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_IMPL_HPP -#define __MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_IMPL_HPP +#ifndef MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_IMPL_HPP +#define MLPACK_METHODS_SOFTMAX_REGRESSION_SOFTMAX_REGRESSION_IMPL_HPP // In case it hasn't been included yet. #include "softmax_regression.hpp" diff --git a/src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp b/src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp index 713c3bd260d..8c61921024c 100644 --- a/src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp +++ b/src/mlpack/methods/sparse_autoencoder/maximal_inputs.hpp @@ -4,8 +4,8 @@ * * A function to find the maximal inputs of an autoencoder. */ -#ifndef __MLPACK_METHODS_NN_MAXIMAL_INPUTS_HPP -#define __MLPACK_METHODS_NN_MAXIMAL_INPUTS_HPP +#ifndef MLPACK_METHODS_NN_MAXIMAL_INPUTS_HPP +#define MLPACK_METHODS_NN_MAXIMAL_INPUTS_HPP #include diff --git a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp index 9f2042d75da..68cae27cdb8 100644 --- a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp +++ b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder.hpp @@ -4,8 +4,8 @@ * * An implementation of sparse autoencoders. */ -#ifndef __MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_HPP -#define __MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_HPP +#ifndef MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_HPP +#define MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_HPP #include #include diff --git a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.hpp b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.hpp index c1a9d9287ca..57eb5da5102 100644 --- a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.hpp +++ b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_function.hpp @@ -5,8 +5,8 @@ * The function to be optimized for sparse autoencoders. Any mlpack optimizer * can be used. */ -#ifndef __MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_FUNCTION_HPP -#define __MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_FUNCTION_HPP +#ifndef MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_FUNCTION_HPP +#define MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_FUNCTION_HPP #include diff --git a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_impl.hpp b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_impl.hpp index 4ac18f1eece..a149de7d686 100644 --- a/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_impl.hpp +++ b/src/mlpack/methods/sparse_autoencoder/sparse_autoencoder_impl.hpp @@ -4,8 +4,8 @@ * * Implementation of sparse autoencoders. */ -#ifndef __MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_IMPL_HPP -#define __MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_IMPL_HPP +#ifndef MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_IMPL_HPP +#define MLPACK_METHODS_SPARSE_AUTOENCODER_SPARSE_AUTOENCODER_IMPL_HPP // In case it hasn't been included yet. #include "sparse_autoencoder.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 90964872101..e77535a1e6a 100644 --- a/src/mlpack/methods/sparse_coding/data_dependent_random_initializer.hpp +++ b/src/mlpack/methods/sparse_coding/data_dependent_random_initializer.hpp @@ -4,8 +4,8 @@ * * A sensible heuristic for initializing dictionaries for sparse coding. */ -#ifndef __MLPACK_METHODS_SPARSE_CODING_DATA_DEPENDENT_RANDOM_INITIALIZER_HPP -#define __MLPACK_METHODS_SPARSE_CODING_DATA_DEPENDENT_RANDOM_INITIALIZER_HPP +#ifndef MLPACK_METHODS_SPARSE_CODING_DATA_DEPENDENT_RANDOM_INITIALIZER_HPP +#define MLPACK_METHODS_SPARSE_CODING_DATA_DEPENDENT_RANDOM_INITIALIZER_HPP #include diff --git a/src/mlpack/methods/sparse_coding/nothing_initializer.hpp b/src/mlpack/methods/sparse_coding/nothing_initializer.hpp index e7e709d58ae..987f77f3884 100644 --- a/src/mlpack/methods/sparse_coding/nothing_initializer.hpp +++ b/src/mlpack/methods/sparse_coding/nothing_initializer.hpp @@ -6,8 +6,8 @@ * for when you have an already defined dictionary and you plan on setting it * with SparseCoding::Dictionary(). */ -#ifndef __MLPACK_METHODS_SPARSE_CODING_NOTHING_INITIALIZER_HPP -#define __MLPACK_METHODS_SPARSE_CODING_NOTHING_INITIALIZER_HPP +#ifndef MLPACK_METHODS_SPARSE_CODING_NOTHING_INITIALIZER_HPP +#define MLPACK_METHODS_SPARSE_CODING_NOTHING_INITIALIZER_HPP #include diff --git a/src/mlpack/methods/sparse_coding/random_initializer.hpp b/src/mlpack/methods/sparse_coding/random_initializer.hpp index 9f62f1a4ccb..b7fdb22064f 100644 --- a/src/mlpack/methods/sparse_coding/random_initializer.hpp +++ b/src/mlpack/methods/sparse_coding/random_initializer.hpp @@ -5,8 +5,8 @@ * A very simple random dictionary initializer for SparseCoding; it is probably * not a very good choice. */ -#ifndef __MLPACK_METHODS_SPARSE_CODING_RANDOM_INITIALIZER_HPP -#define __MLPACK_METHODS_SPARSE_CODING_RANDOM_INITIALIZER_HPP +#ifndef MLPACK_METHODS_SPARSE_CODING_RANDOM_INITIALIZER_HPP +#define MLPACK_METHODS_SPARSE_CODING_RANDOM_INITIALIZER_HPP #include diff --git a/src/mlpack/methods/sparse_coding/sparse_coding.hpp b/src/mlpack/methods/sparse_coding/sparse_coding.hpp index ccd3545be5a..88bf500454b 100644 --- a/src/mlpack/methods/sparse_coding/sparse_coding.hpp +++ b/src/mlpack/methods/sparse_coding/sparse_coding.hpp @@ -5,8 +5,8 @@ * Definition of the SparseCoding class, which performs L1 (LASSO) or * L1+L2 (Elastic Net)-regularized sparse coding with dictionary learning */ -#ifndef __MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_HPP -#define __MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_HPP +#ifndef MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_HPP +#define MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_HPP #include #include diff --git a/src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp b/src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp index ae19913286c..f6cb75166cb 100644 --- a/src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp +++ b/src/mlpack/methods/sparse_coding/sparse_coding_impl.hpp @@ -5,8 +5,8 @@ * Implementation of Sparse Coding with Dictionary Learning using l1 (LASSO) or * l1+l2 (Elastic Net) regularization. */ -#ifndef __MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_IMPL_HPP -#define __MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_IMPL_HPP +#ifndef MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_IMPL_HPP +#define MLPACK_METHODS_SPARSE_CODING_SPARSE_CODING_IMPL_HPP // In case it hasn't already been included. #include "sparse_coding.hpp" diff --git a/src/mlpack/prereqs.hpp b/src/mlpack/prereqs.hpp index 5b93936e527..b717ad8f033 100644 --- a/src/mlpack/prereqs.hpp +++ b/src/mlpack/prereqs.hpp @@ -3,8 +3,8 @@ * * The core includes that mlpack expects; standard C++ includes and Armadillo. */ -#ifndef __MLPACK_PREREQS_HPP -#define __MLPACK_PREREQS_HPP +#ifndef MLPACK_PREREQS_HPP +#define MLPACK_PREREQS_HPP // First, check if Armadillo was included before, warning if so. #ifdef ARMA_INCLUDES diff --git a/src/mlpack/tests/old_boost_test_definitions.hpp b/src/mlpack/tests/old_boost_test_definitions.hpp index 8e8db18d77a..9d98c0b3edb 100644 --- a/src/mlpack/tests/old_boost_test_definitions.hpp +++ b/src/mlpack/tests/old_boost_test_definitions.hpp @@ -5,8 +5,8 @@ * Ancient Boost.Test versions don't act how we expect. This file includes the * things we need to fix that. */ -#ifndef __MLPACK_TESTS_OLD_BOOST_TEST_DEFINITIONS_HPP -#define __MLPACK_TESTS_OLD_BOOST_TEST_DEFINITIONS_HPP +#ifndef MLPACK_TESTS_OLD_BOOST_TEST_DEFINITIONS_HPP +#define MLPACK_TESTS_OLD_BOOST_TEST_DEFINITIONS_HPP #include diff --git a/src/mlpack/tests/serialization.hpp b/src/mlpack/tests/serialization.hpp index d423a3c5095..80310ecc6e4 100644 --- a/src/mlpack/tests/serialization.hpp +++ b/src/mlpack/tests/serialization.hpp @@ -4,8 +4,8 @@ * * Miscellaneous utility functions for serialization tests. */ -#ifndef __MLPACK_TESTS_SERIALIZATION_HPP -#define __MLPACK_TESTS_SERIALIZATION_HPP +#ifndef MLPACK_TESTS_SERIALIZATION_HPP +#define MLPACK_TESTS_SERIALIZATION_HPP #include #include From 48bfcac1ddbc74a77d33707aac740265f4af09b3 Mon Sep 17 00:00:00 2001 From: Falit Date: Wed, 2 Mar 2016 18:45:32 +0530 Subject: [PATCH 2/2] Removed Trailing underscores in header guards. Resolves issues #533 --- src/mlpack/core/math/clamp.hpp | 2 +- src/mlpack/core/math/lin_alg.hpp | 2 +- src/mlpack/core/math/random.hpp | 2 +- src/mlpack/core/math/range.hpp | 2 +- src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp | 2 +- .../optimizers/aug_lagrangian/aug_lagrangian_function.hpp | 2 +- .../core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp | 2 +- .../aug_lagrangian/aug_lagrangian_test_functions.hpp | 2 +- src/mlpack/core/optimizers/lbfgs/lbfgs.hpp | 2 +- src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp | 2 +- src/mlpack/core/optimizers/lbfgs/test_functions.hpp | 2 +- src/mlpack/core/optimizers/sdp/lrsdp_function.hpp | 2 +- src/mlpack/core/tree/ballbound.hpp | 2 +- src/mlpack/core/tree/ballbound_impl.hpp | 2 +- .../binary_space_tree/breadth_first_dual_tree_traverser.hpp | 2 +- .../breadth_first_dual_tree_traverser_impl.hpp | 2 +- .../core/tree/binary_space_tree/dual_tree_traverser.hpp | 2 +- .../core/tree/binary_space_tree/dual_tree_traverser_impl.hpp | 2 +- src/mlpack/core/tree/bounds.hpp | 2 +- src/mlpack/core/tree/cover_tree/first_point_is_root.hpp | 2 +- src/mlpack/core/tree/hrectbound.hpp | 2 +- src/mlpack/core/tree/hrectbound_impl.hpp | 2 +- src/mlpack/core/tree/statistic.hpp | 2 +- src/mlpack/core/util/timers.hpp | 2 +- src/mlpack/core/util/version.cpp | 4 ++-- src/mlpack/methods/amf/amf.hpp | 2 +- .../termination_policies/complete_incremental_termination.hpp | 2 +- src/mlpack/methods/amf/update_rules/svd_batch_learning.hpp | 2 +- src/mlpack/methods/det/dt_utils.hpp | 2 +- src/mlpack/methods/det/dtree.hpp | 2 +- src/mlpack/methods/emst/dtb.hpp | 2 +- src/mlpack/methods/emst/dtb_stat.hpp | 2 +- src/mlpack/methods/emst/edge_pair.hpp | 2 +- src/mlpack/methods/emst/union_find.hpp | 2 +- src/mlpack/methods/kernel_pca/kernel_pca.hpp | 2 +- src/mlpack/methods/kmeans/kmeans.hpp | 2 +- src/mlpack/methods/linear_regression/linear_regression.hpp | 2 +- .../methods/logistic_regression/logistic_regression.hpp | 2 +- .../logistic_regression/logistic_regression_function.hpp | 2 +- .../methods/logistic_regression/logistic_regression_impl.hpp | 2 +- src/mlpack/methods/mean_shift/mean_shift.hpp | 2 +- src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp | 2 +- .../methods/neighbor_search/neighbor_search_rules_impl.hpp | 2 +- src/mlpack/methods/rann/ra_search_rules.hpp | 2 +- src/mlpack/methods/rann/ra_search_rules_impl.hpp | 2 +- 45 files changed, 46 insertions(+), 46 deletions(-) diff --git a/src/mlpack/core/math/clamp.hpp b/src/mlpack/core/math/clamp.hpp index 7f38e1b91c6..9e7a5df6154 100644 --- a/src/mlpack/core/math/clamp.hpp +++ b/src/mlpack/core/math/clamp.hpp @@ -59,4 +59,4 @@ inline double ClampRange(double value, } // namespace math } // namespace mlpack -#endif // __MLPACK_CORE_MATH_CLAMP_HPP +#endif // MLPACK_CORE_MATH_CLAMP_HPP diff --git a/src/mlpack/core/math/lin_alg.hpp b/src/mlpack/core/math/lin_alg.hpp index bbcac5b420a..63b5bf8ec99 100644 --- a/src/mlpack/core/math/lin_alg.hpp +++ b/src/mlpack/core/math/lin_alg.hpp @@ -125,4 +125,4 @@ void SymKronId(const arma::mat& A, arma::mat& op); // Partially include implementation #include "lin_alg_impl.hpp" -#endif // __MLPACK_CORE_MATH_LIN_ALG_HPP +#endif // MLPACK_CORE_MATH_LIN_ALG_HPP diff --git a/src/mlpack/core/math/random.hpp b/src/mlpack/core/math/random.hpp index 1a0ba8f65db..f0c3e8d12ca 100644 --- a/src/mlpack/core/math/random.hpp +++ b/src/mlpack/core/math/random.hpp @@ -94,4 +94,4 @@ inline double RandNormal(const double mean, const double variance) } // namespace math } // namespace mlpack -#endif // __MLPACK_CORE_MATH_MATH_LIB_HPP +#endif // MLPACK_CORE_MATH_MATH_LIB_HPP diff --git a/src/mlpack/core/math/range.hpp b/src/mlpack/core/math/range.hpp index b21567b004b..5b03c7f2974 100644 --- a/src/mlpack/core/math/range.hpp +++ b/src/mlpack/core/math/range.hpp @@ -183,4 +183,4 @@ class RangeType // Include inlined implementation. #include "range_impl.hpp" -#endif // __MLPACK_CORE_MATH_RANGE_HPP +#endif // MLPACK_CORE_MATH_RANGE_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp index 8443271ef10..c56cec988b1 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian.hpp @@ -139,5 +139,5 @@ class AugLagrangian #include "aug_lagrangian_impl.hpp" -#endif // __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_HPP +#endif // MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp index f915d89e684..c8e8cb22fcf 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_function.hpp @@ -110,5 +110,5 @@ class AugLagrangianFunction // Include basic implementation. #include "aug_lagrangian_function_impl.hpp" -#endif // __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_HPP +#endif // MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_FUNCTION_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp index 41a470ec234..1d308b05a12 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_impl.hpp @@ -141,5 +141,5 @@ bool AugLagrangian::Optimize(arma::mat& coordinates, } // namespace optimization } // namespace mlpack -#endif // __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_IMPL_HPP +#endif // MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_AUG_LAGRANGIAN_IMPL_HPP diff --git a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp index 1d1ab35009a..4fc8f9d4a38 100644 --- a/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp +++ b/src/mlpack/core/optimizers/aug_lagrangian/aug_lagrangian_test_functions.hpp @@ -137,4 +137,4 @@ class LovaszThetaSDP } // namespace optimization } // namespace mlpack -#endif // __MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_TEST_FUNCTIONS_HPP +#endif // MLPACK_CORE_OPTIMIZERS_AUG_LAGRANGIAN_TEST_FUNCTIONS_HPP diff --git a/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp b/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp index 6d28184030e..1d90a9c3520 100644 --- a/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp +++ b/src/mlpack/core/optimizers/lbfgs/lbfgs.hpp @@ -258,5 +258,5 @@ class L_BFGS #include "lbfgs_impl.hpp" -#endif // __MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_HPP +#endif // MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_HPP diff --git a/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp b/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp index 54f03b74ae2..918d0b26a84 100644 --- a/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp +++ b/src/mlpack/core/optimizers/lbfgs/lbfgs_impl.hpp @@ -454,5 +454,5 @@ double L_BFGS::Optimize(arma::mat& iterate, } // namespace optimization } // namespace mlpack -#endif // __MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_IMPL_HPP +#endif // MLPACK_CORE_OPTIMIZERS_LBFGS_LBFGS_IMPL_HPP diff --git a/src/mlpack/core/optimizers/lbfgs/test_functions.hpp b/src/mlpack/core/optimizers/lbfgs/test_functions.hpp index 3e03cfbca1d..cfcab5c574e 100644 --- a/src/mlpack/core/optimizers/lbfgs/test_functions.hpp +++ b/src/mlpack/core/optimizers/lbfgs/test_functions.hpp @@ -156,4 +156,4 @@ class RosenbrockWoodFunction } // namespace optimization } // namespace mlpack -#endif // __MLPACK_CORE_OPTIMIZERS_LBFGS_TEST_FUNCTIONS_HPP +#endif // MLPACK_CORE_OPTIMIZERS_LBFGS_TEST_FUNCTIONS_HPP diff --git a/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp b/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp index 3de727beb8c..ded2355c777 100644 --- a/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp +++ b/src/mlpack/core/optimizers/sdp/lrsdp_function.hpp @@ -118,4 +118,4 @@ inline void AugLagrangianFunction>>::Gradient( // Include implementation #include "lrsdp_function_impl.hpp" -#endif // __MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_HPP +#endif // MLPACK_CORE_OPTIMIZERS_SDP_LRSDP_FUNCTION_HPP diff --git a/src/mlpack/core/tree/ballbound.hpp b/src/mlpack/core/tree/ballbound.hpp index 4d789e9f697..83d4d262263 100644 --- a/src/mlpack/core/tree/ballbound.hpp +++ b/src/mlpack/core/tree/ballbound.hpp @@ -198,4 +198,4 @@ struct BoundTraits> #include "ballbound_impl.hpp" -#endif // __MLPACK_CORE_TREE_DBALLBOUND_HPP +#endif // MLPACK_CORE_TREE_DBALLBOUND_HPP diff --git a/src/mlpack/core/tree/ballbound_impl.hpp b/src/mlpack/core/tree/ballbound_impl.hpp index d821889313e..f5bfe4bf1b8 100644 --- a/src/mlpack/core/tree/ballbound_impl.hpp +++ b/src/mlpack/core/tree/ballbound_impl.hpp @@ -290,4 +290,4 @@ void BallBound::Serialize( } // namespace bound } // namespace mlpack -#endif // __MLPACK_CORE_TREE_DBALLBOUND_IMPL_HPP +#endif // MLPACK_CORE_TREE_DBALLBOUND_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp index 30751b7881c..1486adc52ed 100644 --- a/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/binary_space_tree/breadth_first_dual_tree_traverser.hpp @@ -106,5 +106,5 @@ class BinarySpaceTree::Traverse( } // namespace tree } // namespace mlpack -#endif // __MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_IMPL_HPP +#endif // MLPACK_CORE_TREE_BINARY_SPACE_TREE_BREADTH_FIRST_DUAL_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp index b9256fb022b..4e04d7a5d77 100644 --- a/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp +++ b/src/mlpack/core/tree/binary_space_tree/dual_tree_traverser.hpp @@ -90,5 +90,5 @@ class BinarySpaceTree::Traverse( } // namespace tree } // namespace mlpack -#endif // __MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP +#endif // MLPACK_CORE_TREE_BINARY_SPACE_TREE_DUAL_TREE_TRAVERSER_IMPL_HPP diff --git a/src/mlpack/core/tree/bounds.hpp b/src/mlpack/core/tree/bounds.hpp index e8416cd1eb0..79584c98259 100644 --- a/src/mlpack/core/tree/bounds.hpp +++ b/src/mlpack/core/tree/bounds.hpp @@ -14,4 +14,4 @@ #include "hrectbound.hpp" #include "ballbound.hpp" -#endif // __MLPACK_CORE_TREE_BOUNDS_HPP +#endif // MLPACK_CORE_TREE_BOUNDS_HPP diff --git a/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp b/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp index 0b369f203c1..02bee9db060 100644 --- a/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp +++ b/src/mlpack/core/tree/cover_tree/first_point_is_root.hpp @@ -35,4 +35,4 @@ class FirstPointIsRoot } // namespace tree } // namespace mlpack -#endif // __MLPACK_CORE_TREE_FIRST_POINT_IS_ROOT_HPP +#endif // MLPACK_CORE_TREE_FIRST_POINT_IS_ROOT_HPP diff --git a/src/mlpack/core/tree/hrectbound.hpp b/src/mlpack/core/tree/hrectbound.hpp index 178405609ed..6b95c00cf11 100644 --- a/src/mlpack/core/tree/hrectbound.hpp +++ b/src/mlpack/core/tree/hrectbound.hpp @@ -214,4 +214,4 @@ struct BoundTraits> #include "hrectbound_impl.hpp" -#endif // __MLPACK_CORE_TREE_HRECTBOUND_HPP +#endif // MLPACK_CORE_TREE_HRECTBOUND_HPP diff --git a/src/mlpack/core/tree/hrectbound_impl.hpp b/src/mlpack/core/tree/hrectbound_impl.hpp index 05095db8f16..ddebba807c1 100644 --- a/src/mlpack/core/tree/hrectbound_impl.hpp +++ b/src/mlpack/core/tree/hrectbound_impl.hpp @@ -461,4 +461,4 @@ void HRectBound::Serialize(Archive& ar, } // namespace bound } // namespace mlpack -#endif // __MLPACK_CORE_TREE_HRECTBOUND_IMPL_HPP +#endif // MLPACK_CORE_TREE_HRECTBOUND_IMPL_HPP diff --git a/src/mlpack/core/tree/statistic.hpp b/src/mlpack/core/tree/statistic.hpp index 247aa24692b..baf70645f3a 100644 --- a/src/mlpack/core/tree/statistic.hpp +++ b/src/mlpack/core/tree/statistic.hpp @@ -43,4 +43,4 @@ class EmptyStatistic } // namespace tree } // namespace mlpack -#endif // __MLPACK_CORE_TREE_STATISTIC_HPP +#endif // MLPACK_CORE_TREE_STATISTIC_HPP diff --git a/src/mlpack/core/util/timers.hpp b/src/mlpack/core/util/timers.hpp index 8dfd946d290..e527df2eafe 100644 --- a/src/mlpack/core/util/timers.hpp +++ b/src/mlpack/core/util/timers.hpp @@ -156,4 +156,4 @@ class Timers } // namespace mlpack -#endif // __MLPACK_CORE_UTILITIES_TIMERS_HPP +#endif // MLPACK_CORE_UTILITIES_TIMERS_HPP diff --git a/src/mlpack/core/util/version.cpp b/src/mlpack/core/util/version.cpp index d552bda976c..32630ce9f2b 100644 --- a/src/mlpack/core/util/version.cpp +++ b/src/mlpack/core/util/version.cpp @@ -14,8 +14,8 @@ std::string mlpack::util::GetVersion() { #ifndef MLPACK_GIT_VERSION std::stringstream o; - o << "mlpack " << __MLPACK_VERSION_MAJOR << "." << __MLPACK_VERSION_MINOR - << "." << __MLPACK_VERSION_PATCH; + o << "mlpack " << MLPACK_VERSION_MAJOR << "." << MLPACK_VERSION_MINOR + << "." << MLPACK_VERSION_PATCH; return o.str(); #else // This file is generated by CMake as necessary and contains just a return diff --git a/src/mlpack/methods/amf/amf.hpp b/src/mlpack/methods/amf/amf.hpp index 9d817431c4b..5dda7932e9e 100644 --- a/src/mlpack/methods/amf/amf.hpp +++ b/src/mlpack/methods/amf/amf.hpp @@ -263,5 +263,5 @@ typedef amf::AMF(const arma::sp_mat& V, } // namespace amf } // namespace mlpack -#endif // __MLPACK_METHODS_AMF_UPDATE_RULES_SVD_BATCH_LEARNING_HPP +#endif // MLPACK_METHODS_AMF_UPDATE_RULES_SVD_BATCH_LEARNING_HPP diff --git a/src/mlpack/methods/det/dt_utils.hpp b/src/mlpack/methods/det/dt_utils.hpp index c64c38417cc..c20f78adac6 100644 --- a/src/mlpack/methods/det/dt_utils.hpp +++ b/src/mlpack/methods/det/dt_utils.hpp @@ -64,4 +64,4 @@ DTree* Trainer(arma::mat& dataset, } // namespace det } // namespace mlpack -#endif // __MLPACK_METHODS_DET_DT_UTILS_HPP +#endif // MLPACK_METHODS_DET_DT_UTILS_HPP diff --git a/src/mlpack/methods/det/dtree.hpp b/src/mlpack/methods/det/dtree.hpp index 7db2fd7f7ec..8e8bbdfe965 100644 --- a/src/mlpack/methods/det/dtree.hpp +++ b/src/mlpack/methods/det/dtree.hpp @@ -340,4 +340,4 @@ class DTree } // namespace det } // namespace mlpack -#endif // __MLPACK_METHODS_DET_DTREE_HPP +#endif // MLPACK_METHODS_DET_DTREE_HPP diff --git a/src/mlpack/methods/emst/dtb.hpp b/src/mlpack/methods/emst/dtb.hpp index 8d27feb48c6..b11cc0126f5 100644 --- a/src/mlpack/methods/emst/dtb.hpp +++ b/src/mlpack/methods/emst/dtb.hpp @@ -205,4 +205,4 @@ class DualTreeBoruvka #include "dtb_impl.hpp" -#endif // __MLPACK_METHODS_EMST_DTB_HPP +#endif // MLPACK_METHODS_EMST_DTB_HPP diff --git a/src/mlpack/methods/emst/dtb_stat.hpp b/src/mlpack/methods/emst/dtb_stat.hpp index ae83a372f26..a0a694c2899 100644 --- a/src/mlpack/methods/emst/dtb_stat.hpp +++ b/src/mlpack/methods/emst/dtb_stat.hpp @@ -88,4 +88,4 @@ class DTBStat } // namespace emst } // namespace mlpack -#endif // __MLPACK_METHODS_EMST_DTB_STAT_HPP +#endif // 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 18142347dde..b0c26b47a47 100644 --- a/src/mlpack/methods/emst/edge_pair.hpp +++ b/src/mlpack/methods/emst/edge_pair.hpp @@ -64,4 +64,4 @@ class EdgePair } // namespace emst } // namespace mlpack -#endif // __MLPACK_METHODS_EMST_EDGE_PAIR_HPP +#endif // MLPACK_METHODS_EMST_EDGE_PAIR_HPP diff --git a/src/mlpack/methods/emst/union_find.hpp b/src/mlpack/methods/emst/union_find.hpp index 647103e5b19..d33f9ac4221 100644 --- a/src/mlpack/methods/emst/union_find.hpp +++ b/src/mlpack/methods/emst/union_find.hpp @@ -96,4 +96,4 @@ class UnionFind } // namespace emst } // namespace mlpack -#endif // __MLPACK_METHODS_EMST_UNION_FIND_HPP +#endif // MLPACK_METHODS_EMST_UNION_FIND_HPP diff --git a/src/mlpack/methods/kernel_pca/kernel_pca.hpp b/src/mlpack/methods/kernel_pca/kernel_pca.hpp index a37421b185a..36709fde1b1 100644 --- a/src/mlpack/methods/kernel_pca/kernel_pca.hpp +++ b/src/mlpack/methods/kernel_pca/kernel_pca.hpp @@ -126,4 +126,4 @@ class KernelPCA // Include implementation. #include "kernel_pca_impl.hpp" -#endif // __MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_HPP +#endif // MLPACK_METHODS_KERNEL_PCA_KERNEL_PCA_HPP diff --git a/src/mlpack/methods/kmeans/kmeans.hpp b/src/mlpack/methods/kmeans/kmeans.hpp index 0bafc134d95..5a9a2ff6853 100644 --- a/src/mlpack/methods/kmeans/kmeans.hpp +++ b/src/mlpack/methods/kmeans/kmeans.hpp @@ -191,4 +191,4 @@ class KMeans // Include implementation. #include "kmeans_impl.hpp" -#endif // __MLPACK_METHODS_KMEANS_KMEANS_HPP +#endif // MLPACK_METHODS_KMEANS_KMEANS_HPP diff --git a/src/mlpack/methods/linear_regression/linear_regression.hpp b/src/mlpack/methods/linear_regression/linear_regression.hpp index f7643508f79..7577071ad85 100644 --- a/src/mlpack/methods/linear_regression/linear_regression.hpp +++ b/src/mlpack/methods/linear_regression/linear_regression.hpp @@ -139,4 +139,4 @@ class LinearRegression } // namespace linear_regression } // namespace mlpack -#endif // __MLPACK_METHODS_LINEAR_REGRESSION_HPP +#endif // MLPACK_METHODS_LINEAR_REGRESSION_HPP diff --git a/src/mlpack/methods/logistic_regression/logistic_regression.hpp b/src/mlpack/methods/logistic_regression/logistic_regression.hpp index 9b4454188d3..0d56e0c39b0 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression.hpp @@ -206,4 +206,4 @@ class LogisticRegression // Include implementation. #include "logistic_regression_impl.hpp" -#endif // __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_HPP +#endif // 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 0c45376b08a..dff6750dfc8 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_function.hpp @@ -122,4 +122,4 @@ class LogisticRegressionFunction // Include implementation. #include "logistic_regression_function_impl.hpp" -#endif // __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_FUNCTION_HPP +#endif // MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_FUNCTION_HPP diff --git a/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp b/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp index 60157614952..ee4396e89c6 100644 --- a/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp +++ b/src/mlpack/methods/logistic_regression/logistic_regression_impl.hpp @@ -151,4 +151,4 @@ void LogisticRegression::Serialize( } // namespace regression } // namespace mlpack -#endif // __MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_IMPL_HPP +#endif // MLPACK_METHODS_LOGISTIC_REGRESSION_LOGISTIC_REGRESSION_IMPL_HPP diff --git a/src/mlpack/methods/mean_shift/mean_shift.hpp b/src/mlpack/methods/mean_shift/mean_shift.hpp index 2f31ea90e69..d7607d0f0f7 100644 --- a/src/mlpack/methods/mean_shift/mean_shift.hpp +++ b/src/mlpack/methods/mean_shift/mean_shift.hpp @@ -165,4 +165,4 @@ class MeanShift // Include implementation. #include "mean_shift_impl.hpp" -#endif // __MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_HPP +#endif // MLPACK_METHODS_MEAN_SHIFT_MEAN_SHIFT_HPP diff --git a/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp b/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp index c2db33f5b80..e428708160e 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_rules.hpp @@ -162,4 +162,4 @@ class NeighborSearchRules // Include implementation. #include "neighbor_search_rules_impl.hpp" -#endif // __MLPACK_METHODS_NEIGHBOR_SEARCH_NEIGHBOR_SEARCH_RULES_HPP +#endif // 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 5f3628f3b49..c3c733c959c 100644 --- a/src/mlpack/methods/neighbor_search/neighbor_search_rules_impl.hpp +++ b/src/mlpack/methods/neighbor_search/neighbor_search_rules_impl.hpp @@ -447,4 +447,4 @@ void NeighborSearchRules::InsertNeighbor( } // namespace neighbor } // namespace mlpack -#endif // __MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_RULES_IMPL_HPP +#endif // MLPACK_METHODS_NEIGHBOR_SEARCH_NEAREST_NEIGHBOR_RULES_IMPL_HPP diff --git a/src/mlpack/methods/rann/ra_search_rules.hpp b/src/mlpack/methods/rann/ra_search_rules.hpp index 607a079d63d..25be8c02f88 100644 --- a/src/mlpack/methods/rann/ra_search_rules.hpp +++ b/src/mlpack/methods/rann/ra_search_rules.hpp @@ -269,4 +269,4 @@ class RASearchRules // Include implementation. #include "ra_search_rules_impl.hpp" -#endif // __MLPACK_METHODS_RANN_RA_SEARCH_RULES_HPP +#endif // 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 797ebfe70f7..2071de1b98e 100644 --- a/src/mlpack/methods/rann/ra_search_rules_impl.hpp +++ b/src/mlpack/methods/rann/ra_search_rules_impl.hpp @@ -809,4 +809,4 @@ void RASearchRules::InsertNeighbor( } // namespace neighbor } // namespace mlpack -#endif // __MLPACK_METHODS_RANN_RA_SEARCH_RULES_IMPL_HPP +#endif // MLPACK_METHODS_RANN_RA_SEARCH_RULES_IMPL_HPP