From 4b5d57fd6fadeea5b32a15870a2d649b94b941a7 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Andreas=20M=C3=B6ller?= Date: Sat, 10 Feb 2018 12:08:58 +0100 Subject: [PATCH] Enhancement: Flatten directory structure (#220) --- composer.json | 4 ++-- easy-coding-standard.neon | 10 +++++----- src/{Phpml => }/Association/Apriori.php | 0 src/{Phpml => }/Association/Associator.php | 0 src/{Phpml => }/Classification/Classifier.php | 0 src/{Phpml => }/Classification/DecisionTree.php | 0 .../Classification/DecisionTree/DecisionTreeLeaf.php | 0 src/{Phpml => }/Classification/Ensemble/AdaBoost.php | 0 src/{Phpml => }/Classification/Ensemble/Bagging.php | 0 .../Classification/Ensemble/RandomForest.php | 0 src/{Phpml => }/Classification/KNearestNeighbors.php | 0 src/{Phpml => }/Classification/Linear/Adaline.php | 0 .../Classification/Linear/DecisionStump.php | 0 .../Classification/Linear/LogisticRegression.php | 0 src/{Phpml => }/Classification/Linear/Perceptron.php | 0 src/{Phpml => }/Classification/MLPClassifier.php | 0 src/{Phpml => }/Classification/NaiveBayes.php | 0 src/{Phpml => }/Classification/SVC.php | 0 src/{Phpml => }/Classification/WeightedClassifier.php | 0 src/{Phpml => }/Clustering/Clusterer.php | 0 src/{Phpml => }/Clustering/DBSCAN.php | 0 src/{Phpml => }/Clustering/FuzzyCMeans.php | 0 src/{Phpml => }/Clustering/KMeans.php | 0 src/{Phpml => }/Clustering/KMeans/Cluster.php | 0 src/{Phpml => }/Clustering/KMeans/Point.php | 0 src/{Phpml => }/Clustering/KMeans/Space.php | 0 src/{Phpml => }/CrossValidation/RandomSplit.php | 0 src/{Phpml => }/CrossValidation/Split.php | 0 .../CrossValidation/StratifiedRandomSplit.php | 0 src/{Phpml => }/Dataset/ArrayDataset.php | 0 src/{Phpml => }/Dataset/CsvDataset.php | 0 src/{Phpml => }/Dataset/Dataset.php | 0 src/{Phpml => }/Dataset/Demo/GlassDataset.php | 2 +- src/{Phpml => }/Dataset/Demo/IrisDataset.php | 2 +- src/{Phpml => }/Dataset/Demo/WineDataset.php | 2 +- src/{Phpml => }/Dataset/FilesDataset.php | 0 .../DimensionReduction/EigenTransformerBase.php | 0 src/{Phpml => }/DimensionReduction/KernelPCA.php | 0 src/{Phpml => }/DimensionReduction/LDA.php | 0 src/{Phpml => }/DimensionReduction/PCA.php | 0 src/{Phpml => }/Estimator.php | 0 src/{Phpml => }/Exception/DatasetException.php | 0 src/{Phpml => }/Exception/FileException.php | 0 src/{Phpml => }/Exception/InvalidArgumentException.php | 0 .../Exception/InvalidOperationException.php | 0 src/{Phpml => }/Exception/LibsvmCommandException.php | 0 src/{Phpml => }/Exception/MatrixException.php | 0 src/{Phpml => }/Exception/NormalizerException.php | 0 src/{Phpml => }/Exception/SerializeException.php | 0 src/{Phpml => }/FeatureExtraction/StopWords.php | 0 .../FeatureExtraction/StopWords/English.php | 0 src/{Phpml => }/FeatureExtraction/StopWords/French.php | 0 src/{Phpml => }/FeatureExtraction/StopWords/Polish.php | 0 src/{Phpml => }/FeatureExtraction/TfIdfTransformer.php | 0 .../FeatureExtraction/TokenCountVectorizer.php | 0 src/{Phpml => }/Helper/OneVsRest.php | 0 src/{Phpml => }/Helper/Optimizer/ConjugateGradient.php | 0 src/{Phpml => }/Helper/Optimizer/GD.php | 0 src/{Phpml => }/Helper/Optimizer/Optimizer.php | 0 src/{Phpml => }/Helper/Optimizer/StochasticGD.php | 0 src/{Phpml => }/Helper/Predictable.php | 0 src/{Phpml => }/Helper/Trainable.php | 0 src/{Phpml => }/IncrementalEstimator.php | 0 src/{Phpml => }/Math/Comparison.php | 0 src/{Phpml => }/Math/Distance.php | 0 src/{Phpml => }/Math/Distance/Chebyshev.php | 0 src/{Phpml => }/Math/Distance/Euclidean.php | 0 src/{Phpml => }/Math/Distance/Manhattan.php | 0 src/{Phpml => }/Math/Distance/Minkowski.php | 0 src/{Phpml => }/Math/Kernel.php | 0 src/{Phpml => }/Math/Kernel/RBF.php | 0 .../Math/LinearAlgebra/EigenvalueDecomposition.php | 0 src/{Phpml => }/Math/LinearAlgebra/LUDecomposition.php | 0 src/{Phpml => }/Math/Matrix.php | 0 src/{Phpml => }/Math/Product.php | 0 src/{Phpml => }/Math/Set.php | 0 src/{Phpml => }/Math/Statistic/Correlation.php | 0 src/{Phpml => }/Math/Statistic/Covariance.php | 0 src/{Phpml => }/Math/Statistic/Gaussian.php | 0 src/{Phpml => }/Math/Statistic/Mean.php | 0 src/{Phpml => }/Math/Statistic/StandardDeviation.php | 0 src/{Phpml => }/Metric/Accuracy.php | 0 src/{Phpml => }/Metric/ClassificationReport.php | 0 src/{Phpml => }/Metric/ConfusionMatrix.php | 0 src/{Phpml => }/ModelManager.php | 0 src/{Phpml => }/NeuralNetwork/ActivationFunction.php | 0 .../NeuralNetwork/ActivationFunction/BinaryStep.php | 0 .../NeuralNetwork/ActivationFunction/Gaussian.php | 0 .../ActivationFunction/HyperbolicTangent.php | 0 .../NeuralNetwork/ActivationFunction/PReLU.php | 0 .../NeuralNetwork/ActivationFunction/Sigmoid.php | 0 .../ActivationFunction/ThresholdedReLU.php | 0 src/{Phpml => }/NeuralNetwork/Layer.php | 0 src/{Phpml => }/NeuralNetwork/Network.php | 0 .../NeuralNetwork/Network/LayeredNetwork.php | 0 .../NeuralNetwork/Network/MultilayerPerceptron.php | 0 src/{Phpml => }/NeuralNetwork/Node.php | 0 src/{Phpml => }/NeuralNetwork/Node/Bias.php | 0 src/{Phpml => }/NeuralNetwork/Node/Input.php | 0 src/{Phpml => }/NeuralNetwork/Node/Neuron.php | 0 src/{Phpml => }/NeuralNetwork/Node/Neuron/Synapse.php | 0 src/{Phpml => }/NeuralNetwork/Training.php | 0 .../NeuralNetwork/Training/Backpropagation.php | 0 .../NeuralNetwork/Training/Backpropagation/Sigma.php | 0 src/{Phpml => }/Pipeline.php | 0 src/{Phpml => }/Preprocessing/Imputer.php | 0 src/{Phpml => }/Preprocessing/Imputer/Strategy.php | 0 .../Preprocessing/Imputer/Strategy/MeanStrategy.php | 0 .../Preprocessing/Imputer/Strategy/MedianStrategy.php | 0 .../Imputer/Strategy/MostFrequentStrategy.php | 0 src/{Phpml => }/Preprocessing/Normalizer.php | 0 src/{Phpml => }/Preprocessing/Preprocessor.php | 0 src/{Phpml => }/Regression/LeastSquares.php | 0 src/{Phpml => }/Regression/Regression.php | 0 src/{Phpml => }/Regression/SVR.php | 0 .../SupportVectorMachine/DataTransformer.php | 0 src/{Phpml => }/SupportVectorMachine/Kernel.php | 0 .../SupportVectorMachine/SupportVectorMachine.php | 2 +- src/{Phpml => }/SupportVectorMachine/Type.php | 0 src/{Phpml => }/Tokenization/Tokenizer.php | 0 src/{Phpml => }/Tokenization/WhitespaceTokenizer.php | 0 src/{Phpml => }/Tokenization/WordTokenizer.php | 0 src/{Phpml => }/Transformer.php | 0 tests/{Phpml => }/Association/AprioriTest.php | 0 .../DecisionTree/DecisionTreeLeafTest.php | 0 tests/{Phpml => }/Classification/DecisionTreeTest.php | 0 .../Classification/Ensemble/AdaBoostTest.php | 0 .../Classification/Ensemble/BaggingTest.php | 0 .../Classification/Ensemble/RandomForestTest.php | 0 .../Classification/KNearestNeighborsTest.php | 0 .../{Phpml => }/Classification/Linear/AdalineTest.php | 0 .../Classification/Linear/DecisionStumpTest.php | 0 .../Classification/Linear/LogisticRegressionTest.php | 0 .../Classification/Linear/PerceptronTest.php | 0 tests/{Phpml => }/Classification/MLPClassifierTest.php | 0 tests/{Phpml => }/Classification/NaiveBayesTest.php | 0 tests/{Phpml => }/Classification/SVCTest.php | 0 tests/{Phpml => }/Clustering/DBSCANTest.php | 0 tests/{Phpml => }/Clustering/FuzzyCMeansTest.php | 0 tests/{Phpml => }/Clustering/KMeansTest.php | 0 tests/{Phpml => }/CrossValidation/RandomSplitTest.php | 0 .../CrossValidation/StratifiedRandomSplitTest.php | 0 tests/{Phpml => }/Dataset/ArrayDatasetTest.php | 0 tests/{Phpml => }/Dataset/CsvDatasetTest.php | 0 tests/{Phpml => }/Dataset/Demo/GlassDatasetTest.php | 0 tests/{Phpml => }/Dataset/Demo/IrisDatasetTest.php | 0 tests/{Phpml => }/Dataset/Demo/WineDatasetTest.php | 0 tests/{Phpml => }/Dataset/FilesDatasetTest.php | 0 .../{Phpml => }/Dataset/Resources/bbc/business/001.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/002.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/003.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/004.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/005.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/006.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/007.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/008.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/009.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/business/010.txt | 0 .../Dataset/Resources/bbc/entertainment/001.txt | 0 .../Dataset/Resources/bbc/entertainment/002.txt | 0 .../Dataset/Resources/bbc/entertainment/003.txt | 0 .../Dataset/Resources/bbc/entertainment/004.txt | 0 .../Dataset/Resources/bbc/entertainment/005.txt | 0 .../Dataset/Resources/bbc/entertainment/006.txt | 0 .../Dataset/Resources/bbc/entertainment/007.txt | 0 .../Dataset/Resources/bbc/entertainment/008.txt | 0 .../Dataset/Resources/bbc/entertainment/009.txt | 0 .../Dataset/Resources/bbc/entertainment/010.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/001.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/002.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/003.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/004.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/005.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/006.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/007.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/008.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/009.txt | 0 .../{Phpml => }/Dataset/Resources/bbc/politics/010.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/001.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/002.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/003.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/004.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/005.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/006.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/007.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/008.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/009.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/sport/010.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/001.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/002.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/003.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/004.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/005.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/006.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/007.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/008.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/009.txt | 0 tests/{Phpml => }/Dataset/Resources/bbc/tech/010.txt | 0 tests/{Phpml => }/Dataset/Resources/dataset.csv | 0 tests/{Phpml => }/Dataset/Resources/longdataset.csv | 0 tests/{Phpml => }/DimensionReduction/KernelPCATest.php | 0 tests/{Phpml => }/DimensionReduction/LDATest.php | 0 tests/{Phpml => }/DimensionReduction/PCATest.php | 0 tests/{Phpml => }/FeatureExtraction/StopWordsTest.php | 0 .../FeatureExtraction/TfIdfTransformerTest.php | 0 .../FeatureExtraction/TokenCountVectorizerTest.php | 0 .../Helper/Optimizer/ConjugateGradientTest.php | 0 tests/{Phpml => }/Helper/Optimizer/GDTest.php | 0 .../{Phpml => }/Helper/Optimizer/StochasticGDTest.php | 0 tests/{Phpml => }/Math/ComparisonTest.php | 0 tests/{Phpml => }/Math/Distance/ChebyshevTest.php | 0 tests/{Phpml => }/Math/Distance/EuclideanTest.php | 0 tests/{Phpml => }/Math/Distance/ManhattanTest.php | 0 tests/{Phpml => }/Math/Distance/MinkowskiTest.php | 0 tests/{Phpml => }/Math/Kernel/RBFTest.php | 0 .../Math/LinearAlgebra/EigenDecompositionTest.php | 0 tests/{Phpml => }/Math/MatrixTest.php | 0 tests/{Phpml => }/Math/ProductTest.php | 0 tests/{Phpml => }/Math/SetTest.php | 0 tests/{Phpml => }/Math/Statistic/CorrelationTest.php | 0 tests/{Phpml => }/Math/Statistic/CovarianceTest.php | 0 tests/{Phpml => }/Math/Statistic/GaussianTest.php | 0 tests/{Phpml => }/Math/Statistic/MeanTest.php | 0 .../Math/Statistic/StandardDeviationTest.php | 0 tests/{Phpml => }/Metric/AccuracyTest.php | 0 tests/{Phpml => }/Metric/ClassificationReportTest.php | 0 tests/{Phpml => }/Metric/ConfusionMatrixTest.php | 0 tests/{Phpml => }/ModelManagerTest.php | 0 .../ActivationFunction/BinaryStepTest.php | 0 .../NeuralNetwork/ActivationFunction/GaussianTest.php | 0 .../ActivationFunction/HyperboliTangentTest.php | 0 .../NeuralNetwork/ActivationFunction/PReLUTest.php | 0 .../NeuralNetwork/ActivationFunction/SigmoidTest.php | 0 .../ActivationFunction/ThresholdedReLUTest.php | 0 tests/{Phpml => }/NeuralNetwork/LayerTest.php | 0 .../NeuralNetwork/Network/LayeredNetworkTest.php | 0 .../NeuralNetwork/Network/MultilayerPerceptronTest.php | 0 tests/{Phpml => }/NeuralNetwork/Node/BiasTest.php | 0 tests/{Phpml => }/NeuralNetwork/Node/InputTest.php | 0 .../NeuralNetwork/Node/Neuron/SynapseTest.php | 0 tests/{Phpml => }/NeuralNetwork/Node/NeuronTest.php | 0 tests/{Phpml => }/PipelineTest.php | 0 tests/{Phpml => }/Preprocessing/ImputerTest.php | 0 tests/{Phpml => }/Preprocessing/NormalizerTest.php | 0 tests/{Phpml => }/Regression/LeastSquaresTest.php | 0 tests/{Phpml => }/Regression/SVRTest.php | 0 .../SupportVectorMachine/DataTransformerTest.php | 0 .../SupportVectorMachine/SupportVectorMachineTest.php | 0 .../Tokenization/WhitespaceTokenizerTest.php | 0 tests/{Phpml => }/Tokenization/WordTokenizerTest.php | 0 250 files changed, 11 insertions(+), 11 deletions(-) rename src/{Phpml => }/Association/Apriori.php (100%) rename src/{Phpml => }/Association/Associator.php (100%) rename src/{Phpml => }/Classification/Classifier.php (100%) rename src/{Phpml => }/Classification/DecisionTree.php (100%) rename src/{Phpml => }/Classification/DecisionTree/DecisionTreeLeaf.php (100%) rename src/{Phpml => }/Classification/Ensemble/AdaBoost.php (100%) rename src/{Phpml => }/Classification/Ensemble/Bagging.php (100%) rename src/{Phpml => }/Classification/Ensemble/RandomForest.php (100%) rename src/{Phpml => }/Classification/KNearestNeighbors.php (100%) rename src/{Phpml => }/Classification/Linear/Adaline.php (100%) rename src/{Phpml => }/Classification/Linear/DecisionStump.php (100%) rename src/{Phpml => }/Classification/Linear/LogisticRegression.php (100%) rename src/{Phpml => }/Classification/Linear/Perceptron.php (100%) rename src/{Phpml => }/Classification/MLPClassifier.php (100%) rename src/{Phpml => }/Classification/NaiveBayes.php (100%) rename src/{Phpml => }/Classification/SVC.php (100%) rename src/{Phpml => }/Classification/WeightedClassifier.php (100%) rename src/{Phpml => }/Clustering/Clusterer.php (100%) rename src/{Phpml => }/Clustering/DBSCAN.php (100%) rename src/{Phpml => }/Clustering/FuzzyCMeans.php (100%) rename src/{Phpml => }/Clustering/KMeans.php (100%) rename src/{Phpml => }/Clustering/KMeans/Cluster.php (100%) rename src/{Phpml => }/Clustering/KMeans/Point.php (100%) rename src/{Phpml => }/Clustering/KMeans/Space.php (100%) rename src/{Phpml => }/CrossValidation/RandomSplit.php (100%) rename src/{Phpml => }/CrossValidation/Split.php (100%) rename src/{Phpml => }/CrossValidation/StratifiedRandomSplit.php (100%) rename src/{Phpml => }/Dataset/ArrayDataset.php (100%) rename src/{Phpml => }/Dataset/CsvDataset.php (100%) rename src/{Phpml => }/Dataset/Dataset.php (100%) rename src/{Phpml => }/Dataset/Demo/GlassDataset.php (89%) rename src/{Phpml => }/Dataset/Demo/IrisDataset.php (84%) rename src/{Phpml => }/Dataset/Demo/WineDataset.php (86%) rename src/{Phpml => }/Dataset/FilesDataset.php (100%) rename src/{Phpml => }/DimensionReduction/EigenTransformerBase.php (100%) rename src/{Phpml => }/DimensionReduction/KernelPCA.php (100%) rename src/{Phpml => }/DimensionReduction/LDA.php (100%) rename src/{Phpml => }/DimensionReduction/PCA.php (100%) rename src/{Phpml => }/Estimator.php (100%) rename src/{Phpml => }/Exception/DatasetException.php (100%) rename src/{Phpml => }/Exception/FileException.php (100%) rename src/{Phpml => }/Exception/InvalidArgumentException.php (100%) rename src/{Phpml => }/Exception/InvalidOperationException.php (100%) rename src/{Phpml => }/Exception/LibsvmCommandException.php (100%) rename src/{Phpml => }/Exception/MatrixException.php (100%) rename src/{Phpml => }/Exception/NormalizerException.php (100%) rename src/{Phpml => }/Exception/SerializeException.php (100%) rename src/{Phpml => }/FeatureExtraction/StopWords.php (100%) rename src/{Phpml => }/FeatureExtraction/StopWords/English.php (100%) rename src/{Phpml => }/FeatureExtraction/StopWords/French.php (100%) rename src/{Phpml => }/FeatureExtraction/StopWords/Polish.php (100%) rename src/{Phpml => }/FeatureExtraction/TfIdfTransformer.php (100%) rename src/{Phpml => }/FeatureExtraction/TokenCountVectorizer.php (100%) rename src/{Phpml => }/Helper/OneVsRest.php (100%) rename src/{Phpml => }/Helper/Optimizer/ConjugateGradient.php (100%) rename src/{Phpml => }/Helper/Optimizer/GD.php (100%) rename src/{Phpml => }/Helper/Optimizer/Optimizer.php (100%) rename src/{Phpml => }/Helper/Optimizer/StochasticGD.php (100%) rename src/{Phpml => }/Helper/Predictable.php (100%) rename src/{Phpml => }/Helper/Trainable.php (100%) rename src/{Phpml => }/IncrementalEstimator.php (100%) rename src/{Phpml => }/Math/Comparison.php (100%) rename src/{Phpml => }/Math/Distance.php (100%) rename src/{Phpml => }/Math/Distance/Chebyshev.php (100%) rename src/{Phpml => }/Math/Distance/Euclidean.php (100%) rename src/{Phpml => }/Math/Distance/Manhattan.php (100%) rename src/{Phpml => }/Math/Distance/Minkowski.php (100%) rename src/{Phpml => }/Math/Kernel.php (100%) rename src/{Phpml => }/Math/Kernel/RBF.php (100%) rename src/{Phpml => }/Math/LinearAlgebra/EigenvalueDecomposition.php (100%) rename src/{Phpml => }/Math/LinearAlgebra/LUDecomposition.php (100%) rename src/{Phpml => }/Math/Matrix.php (100%) rename src/{Phpml => }/Math/Product.php (100%) rename src/{Phpml => }/Math/Set.php (100%) rename src/{Phpml => }/Math/Statistic/Correlation.php (100%) rename src/{Phpml => }/Math/Statistic/Covariance.php (100%) rename src/{Phpml => }/Math/Statistic/Gaussian.php (100%) rename src/{Phpml => }/Math/Statistic/Mean.php (100%) rename src/{Phpml => }/Math/Statistic/StandardDeviation.php (100%) rename src/{Phpml => }/Metric/Accuracy.php (100%) rename src/{Phpml => }/Metric/ClassificationReport.php (100%) rename src/{Phpml => }/Metric/ConfusionMatrix.php (100%) rename src/{Phpml => }/ModelManager.php (100%) rename src/{Phpml => }/NeuralNetwork/ActivationFunction.php (100%) rename src/{Phpml => }/NeuralNetwork/ActivationFunction/BinaryStep.php (100%) rename src/{Phpml => }/NeuralNetwork/ActivationFunction/Gaussian.php (100%) rename src/{Phpml => }/NeuralNetwork/ActivationFunction/HyperbolicTangent.php (100%) rename src/{Phpml => }/NeuralNetwork/ActivationFunction/PReLU.php (100%) rename src/{Phpml => }/NeuralNetwork/ActivationFunction/Sigmoid.php (100%) rename src/{Phpml => }/NeuralNetwork/ActivationFunction/ThresholdedReLU.php (100%) rename src/{Phpml => }/NeuralNetwork/Layer.php (100%) rename src/{Phpml => }/NeuralNetwork/Network.php (100%) rename src/{Phpml => }/NeuralNetwork/Network/LayeredNetwork.php (100%) rename src/{Phpml => }/NeuralNetwork/Network/MultilayerPerceptron.php (100%) rename src/{Phpml => }/NeuralNetwork/Node.php (100%) rename src/{Phpml => }/NeuralNetwork/Node/Bias.php (100%) rename src/{Phpml => }/NeuralNetwork/Node/Input.php (100%) rename src/{Phpml => }/NeuralNetwork/Node/Neuron.php (100%) rename src/{Phpml => }/NeuralNetwork/Node/Neuron/Synapse.php (100%) rename src/{Phpml => }/NeuralNetwork/Training.php (100%) rename src/{Phpml => }/NeuralNetwork/Training/Backpropagation.php (100%) rename src/{Phpml => }/NeuralNetwork/Training/Backpropagation/Sigma.php (100%) rename src/{Phpml => }/Pipeline.php (100%) rename src/{Phpml => }/Preprocessing/Imputer.php (100%) rename src/{Phpml => }/Preprocessing/Imputer/Strategy.php (100%) rename src/{Phpml => }/Preprocessing/Imputer/Strategy/MeanStrategy.php (100%) rename src/{Phpml => }/Preprocessing/Imputer/Strategy/MedianStrategy.php (100%) rename src/{Phpml => }/Preprocessing/Imputer/Strategy/MostFrequentStrategy.php (100%) rename src/{Phpml => }/Preprocessing/Normalizer.php (100%) rename src/{Phpml => }/Preprocessing/Preprocessor.php (100%) rename src/{Phpml => }/Regression/LeastSquares.php (100%) rename src/{Phpml => }/Regression/Regression.php (100%) rename src/{Phpml => }/Regression/SVR.php (100%) rename src/{Phpml => }/SupportVectorMachine/DataTransformer.php (100%) rename src/{Phpml => }/SupportVectorMachine/Kernel.php (100%) rename src/{Phpml => }/SupportVectorMachine/SupportVectorMachine.php (99%) rename src/{Phpml => }/SupportVectorMachine/Type.php (100%) rename src/{Phpml => }/Tokenization/Tokenizer.php (100%) rename src/{Phpml => }/Tokenization/WhitespaceTokenizer.php (100%) rename src/{Phpml => }/Tokenization/WordTokenizer.php (100%) rename src/{Phpml => }/Transformer.php (100%) rename tests/{Phpml => }/Association/AprioriTest.php (100%) rename tests/{Phpml => }/Classification/DecisionTree/DecisionTreeLeafTest.php (100%) rename tests/{Phpml => }/Classification/DecisionTreeTest.php (100%) rename tests/{Phpml => }/Classification/Ensemble/AdaBoostTest.php (100%) rename tests/{Phpml => }/Classification/Ensemble/BaggingTest.php (100%) rename tests/{Phpml => }/Classification/Ensemble/RandomForestTest.php (100%) rename tests/{Phpml => }/Classification/KNearestNeighborsTest.php (100%) rename tests/{Phpml => }/Classification/Linear/AdalineTest.php (100%) rename tests/{Phpml => }/Classification/Linear/DecisionStumpTest.php (100%) rename tests/{Phpml => }/Classification/Linear/LogisticRegressionTest.php (100%) rename tests/{Phpml => }/Classification/Linear/PerceptronTest.php (100%) rename tests/{Phpml => }/Classification/MLPClassifierTest.php (100%) rename tests/{Phpml => }/Classification/NaiveBayesTest.php (100%) rename tests/{Phpml => }/Classification/SVCTest.php (100%) rename tests/{Phpml => }/Clustering/DBSCANTest.php (100%) rename tests/{Phpml => }/Clustering/FuzzyCMeansTest.php (100%) rename tests/{Phpml => }/Clustering/KMeansTest.php (100%) rename tests/{Phpml => }/CrossValidation/RandomSplitTest.php (100%) rename tests/{Phpml => }/CrossValidation/StratifiedRandomSplitTest.php (100%) rename tests/{Phpml => }/Dataset/ArrayDatasetTest.php (100%) rename tests/{Phpml => }/Dataset/CsvDatasetTest.php (100%) rename tests/{Phpml => }/Dataset/Demo/GlassDatasetTest.php (100%) rename tests/{Phpml => }/Dataset/Demo/IrisDatasetTest.php (100%) rename tests/{Phpml => }/Dataset/Demo/WineDatasetTest.php (100%) rename tests/{Phpml => }/Dataset/FilesDatasetTest.php (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/001.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/002.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/003.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/004.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/005.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/006.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/007.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/008.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/009.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/business/010.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/001.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/002.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/003.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/004.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/005.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/006.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/007.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/008.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/009.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/entertainment/010.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/001.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/002.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/003.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/004.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/005.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/006.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/007.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/008.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/009.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/politics/010.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/001.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/002.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/003.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/004.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/005.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/006.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/007.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/008.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/009.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/sport/010.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/001.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/002.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/003.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/004.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/005.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/006.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/007.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/008.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/009.txt (100%) rename tests/{Phpml => }/Dataset/Resources/bbc/tech/010.txt (100%) rename tests/{Phpml => }/Dataset/Resources/dataset.csv (100%) rename tests/{Phpml => }/Dataset/Resources/longdataset.csv (100%) rename tests/{Phpml => }/DimensionReduction/KernelPCATest.php (100%) rename tests/{Phpml => }/DimensionReduction/LDATest.php (100%) rename tests/{Phpml => }/DimensionReduction/PCATest.php (100%) rename tests/{Phpml => }/FeatureExtraction/StopWordsTest.php (100%) rename tests/{Phpml => }/FeatureExtraction/TfIdfTransformerTest.php (100%) rename tests/{Phpml => }/FeatureExtraction/TokenCountVectorizerTest.php (100%) rename tests/{Phpml => }/Helper/Optimizer/ConjugateGradientTest.php (100%) rename tests/{Phpml => }/Helper/Optimizer/GDTest.php (100%) rename tests/{Phpml => }/Helper/Optimizer/StochasticGDTest.php (100%) rename tests/{Phpml => }/Math/ComparisonTest.php (100%) rename tests/{Phpml => }/Math/Distance/ChebyshevTest.php (100%) rename tests/{Phpml => }/Math/Distance/EuclideanTest.php (100%) rename tests/{Phpml => }/Math/Distance/ManhattanTest.php (100%) rename tests/{Phpml => }/Math/Distance/MinkowskiTest.php (100%) rename tests/{Phpml => }/Math/Kernel/RBFTest.php (100%) rename tests/{Phpml => }/Math/LinearAlgebra/EigenDecompositionTest.php (100%) rename tests/{Phpml => }/Math/MatrixTest.php (100%) rename tests/{Phpml => }/Math/ProductTest.php (100%) rename tests/{Phpml => }/Math/SetTest.php (100%) rename tests/{Phpml => }/Math/Statistic/CorrelationTest.php (100%) rename tests/{Phpml => }/Math/Statistic/CovarianceTest.php (100%) rename tests/{Phpml => }/Math/Statistic/GaussianTest.php (100%) rename tests/{Phpml => }/Math/Statistic/MeanTest.php (100%) rename tests/{Phpml => }/Math/Statistic/StandardDeviationTest.php (100%) rename tests/{Phpml => }/Metric/AccuracyTest.php (100%) rename tests/{Phpml => }/Metric/ClassificationReportTest.php (100%) rename tests/{Phpml => }/Metric/ConfusionMatrixTest.php (100%) rename tests/{Phpml => }/ModelManagerTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/ActivationFunction/BinaryStepTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/ActivationFunction/GaussianTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/ActivationFunction/HyperboliTangentTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/ActivationFunction/PReLUTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/ActivationFunction/SigmoidTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/ActivationFunction/ThresholdedReLUTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/LayerTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/Network/LayeredNetworkTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/Network/MultilayerPerceptronTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/Node/BiasTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/Node/InputTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/Node/Neuron/SynapseTest.php (100%) rename tests/{Phpml => }/NeuralNetwork/Node/NeuronTest.php (100%) rename tests/{Phpml => }/PipelineTest.php (100%) rename tests/{Phpml => }/Preprocessing/ImputerTest.php (100%) rename tests/{Phpml => }/Preprocessing/NormalizerTest.php (100%) rename tests/{Phpml => }/Regression/LeastSquaresTest.php (100%) rename tests/{Phpml => }/Regression/SVRTest.php (100%) rename tests/{Phpml => }/SupportVectorMachine/DataTransformerTest.php (100%) rename tests/{Phpml => }/SupportVectorMachine/SupportVectorMachineTest.php (100%) rename tests/{Phpml => }/Tokenization/WhitespaceTokenizerTest.php (100%) rename tests/{Phpml => }/Tokenization/WordTokenizerTest.php (100%) diff --git a/composer.json b/composer.json index 3571788c..b39a39e6 100644 --- a/composer.json +++ b/composer.json @@ -34,12 +34,12 @@ }, "autoload": { "psr-4": { - "Phpml\\": "src/Phpml" + "Phpml\\": "src/" } }, "autoload-dev": { "psr-4": { - "Phpml\\Tests\\": "tests/Phpml" + "Phpml\\Tests\\": "tests/" } }, "scripts": { diff --git a/easy-coding-standard.neon b/easy-coding-standard.neon index abf30aff..028fe9e7 100644 --- a/easy-coding-standard.neon +++ b/easy-coding-standard.neon @@ -40,19 +40,19 @@ parameters: skip: PhpCsFixer\Fixer\Alias\RandomApiMigrationFixer: # random_int() breaks code - - src/Phpml/CrossValidation/RandomSplit.php + - src/CrossValidation/RandomSplit.php SlevomatCodingStandard\Sniffs\Classes\UnusedPrivateElementsSniff: # magic calls - - src/Phpml/Preprocessing/Normalizer.php + - src/Preprocessing/Normalizer.php PhpCsFixer\Fixer\StringNotation\ExplicitStringVariableFixer: # bugged - - src/Phpml/Classification/DecisionTree/DecisionTreeLeaf.php + - src/Classification/DecisionTree/DecisionTreeLeaf.php Symplify\CodingStandard\Fixer\Commenting\RemoveUselessDocBlockFixer: # bug in fixer - - src/Phpml/Math/LinearAlgebra/LUDecomposition.php + - src/Math/LinearAlgebra/LUDecomposition.php PhpCsFixer\Fixer\FunctionNotation\VoidReturnFixer: # covariant return types - - src/Phpml/Classification/Linear/Perceptron.php + - src/Classification/Linear/Perceptron.php skip_codes: # missing typehints diff --git a/src/Phpml/Association/Apriori.php b/src/Association/Apriori.php similarity index 100% rename from src/Phpml/Association/Apriori.php rename to src/Association/Apriori.php diff --git a/src/Phpml/Association/Associator.php b/src/Association/Associator.php similarity index 100% rename from src/Phpml/Association/Associator.php rename to src/Association/Associator.php diff --git a/src/Phpml/Classification/Classifier.php b/src/Classification/Classifier.php similarity index 100% rename from src/Phpml/Classification/Classifier.php rename to src/Classification/Classifier.php diff --git a/src/Phpml/Classification/DecisionTree.php b/src/Classification/DecisionTree.php similarity index 100% rename from src/Phpml/Classification/DecisionTree.php rename to src/Classification/DecisionTree.php diff --git a/src/Phpml/Classification/DecisionTree/DecisionTreeLeaf.php b/src/Classification/DecisionTree/DecisionTreeLeaf.php similarity index 100% rename from src/Phpml/Classification/DecisionTree/DecisionTreeLeaf.php rename to src/Classification/DecisionTree/DecisionTreeLeaf.php diff --git a/src/Phpml/Classification/Ensemble/AdaBoost.php b/src/Classification/Ensemble/AdaBoost.php similarity index 100% rename from src/Phpml/Classification/Ensemble/AdaBoost.php rename to src/Classification/Ensemble/AdaBoost.php diff --git a/src/Phpml/Classification/Ensemble/Bagging.php b/src/Classification/Ensemble/Bagging.php similarity index 100% rename from src/Phpml/Classification/Ensemble/Bagging.php rename to src/Classification/Ensemble/Bagging.php diff --git a/src/Phpml/Classification/Ensemble/RandomForest.php b/src/Classification/Ensemble/RandomForest.php similarity index 100% rename from src/Phpml/Classification/Ensemble/RandomForest.php rename to src/Classification/Ensemble/RandomForest.php diff --git a/src/Phpml/Classification/KNearestNeighbors.php b/src/Classification/KNearestNeighbors.php similarity index 100% rename from src/Phpml/Classification/KNearestNeighbors.php rename to src/Classification/KNearestNeighbors.php diff --git a/src/Phpml/Classification/Linear/Adaline.php b/src/Classification/Linear/Adaline.php similarity index 100% rename from src/Phpml/Classification/Linear/Adaline.php rename to src/Classification/Linear/Adaline.php diff --git a/src/Phpml/Classification/Linear/DecisionStump.php b/src/Classification/Linear/DecisionStump.php similarity index 100% rename from src/Phpml/Classification/Linear/DecisionStump.php rename to src/Classification/Linear/DecisionStump.php diff --git a/src/Phpml/Classification/Linear/LogisticRegression.php b/src/Classification/Linear/LogisticRegression.php similarity index 100% rename from src/Phpml/Classification/Linear/LogisticRegression.php rename to src/Classification/Linear/LogisticRegression.php diff --git a/src/Phpml/Classification/Linear/Perceptron.php b/src/Classification/Linear/Perceptron.php similarity index 100% rename from src/Phpml/Classification/Linear/Perceptron.php rename to src/Classification/Linear/Perceptron.php diff --git a/src/Phpml/Classification/MLPClassifier.php b/src/Classification/MLPClassifier.php similarity index 100% rename from src/Phpml/Classification/MLPClassifier.php rename to src/Classification/MLPClassifier.php diff --git a/src/Phpml/Classification/NaiveBayes.php b/src/Classification/NaiveBayes.php similarity index 100% rename from src/Phpml/Classification/NaiveBayes.php rename to src/Classification/NaiveBayes.php diff --git a/src/Phpml/Classification/SVC.php b/src/Classification/SVC.php similarity index 100% rename from src/Phpml/Classification/SVC.php rename to src/Classification/SVC.php diff --git a/src/Phpml/Classification/WeightedClassifier.php b/src/Classification/WeightedClassifier.php similarity index 100% rename from src/Phpml/Classification/WeightedClassifier.php rename to src/Classification/WeightedClassifier.php diff --git a/src/Phpml/Clustering/Clusterer.php b/src/Clustering/Clusterer.php similarity index 100% rename from src/Phpml/Clustering/Clusterer.php rename to src/Clustering/Clusterer.php diff --git a/src/Phpml/Clustering/DBSCAN.php b/src/Clustering/DBSCAN.php similarity index 100% rename from src/Phpml/Clustering/DBSCAN.php rename to src/Clustering/DBSCAN.php diff --git a/src/Phpml/Clustering/FuzzyCMeans.php b/src/Clustering/FuzzyCMeans.php similarity index 100% rename from src/Phpml/Clustering/FuzzyCMeans.php rename to src/Clustering/FuzzyCMeans.php diff --git a/src/Phpml/Clustering/KMeans.php b/src/Clustering/KMeans.php similarity index 100% rename from src/Phpml/Clustering/KMeans.php rename to src/Clustering/KMeans.php diff --git a/src/Phpml/Clustering/KMeans/Cluster.php b/src/Clustering/KMeans/Cluster.php similarity index 100% rename from src/Phpml/Clustering/KMeans/Cluster.php rename to src/Clustering/KMeans/Cluster.php diff --git a/src/Phpml/Clustering/KMeans/Point.php b/src/Clustering/KMeans/Point.php similarity index 100% rename from src/Phpml/Clustering/KMeans/Point.php rename to src/Clustering/KMeans/Point.php diff --git a/src/Phpml/Clustering/KMeans/Space.php b/src/Clustering/KMeans/Space.php similarity index 100% rename from src/Phpml/Clustering/KMeans/Space.php rename to src/Clustering/KMeans/Space.php diff --git a/src/Phpml/CrossValidation/RandomSplit.php b/src/CrossValidation/RandomSplit.php similarity index 100% rename from src/Phpml/CrossValidation/RandomSplit.php rename to src/CrossValidation/RandomSplit.php diff --git a/src/Phpml/CrossValidation/Split.php b/src/CrossValidation/Split.php similarity index 100% rename from src/Phpml/CrossValidation/Split.php rename to src/CrossValidation/Split.php diff --git a/src/Phpml/CrossValidation/StratifiedRandomSplit.php b/src/CrossValidation/StratifiedRandomSplit.php similarity index 100% rename from src/Phpml/CrossValidation/StratifiedRandomSplit.php rename to src/CrossValidation/StratifiedRandomSplit.php diff --git a/src/Phpml/Dataset/ArrayDataset.php b/src/Dataset/ArrayDataset.php similarity index 100% rename from src/Phpml/Dataset/ArrayDataset.php rename to src/Dataset/ArrayDataset.php diff --git a/src/Phpml/Dataset/CsvDataset.php b/src/Dataset/CsvDataset.php similarity index 100% rename from src/Phpml/Dataset/CsvDataset.php rename to src/Dataset/CsvDataset.php diff --git a/src/Phpml/Dataset/Dataset.php b/src/Dataset/Dataset.php similarity index 100% rename from src/Phpml/Dataset/Dataset.php rename to src/Dataset/Dataset.php diff --git a/src/Phpml/Dataset/Demo/GlassDataset.php b/src/Dataset/Demo/GlassDataset.php similarity index 89% rename from src/Phpml/Dataset/Demo/GlassDataset.php rename to src/Dataset/Demo/GlassDataset.php index 8f7d56da..a8a43795 100644 --- a/src/Phpml/Dataset/Demo/GlassDataset.php +++ b/src/Dataset/Demo/GlassDataset.php @@ -22,7 +22,7 @@ class GlassDataset extends CsvDataset { public function __construct() { - $filepath = __DIR__.'/../../../../data/glass.csv'; + $filepath = __DIR__.'/../../../data/glass.csv'; parent::__construct($filepath, 9, true); } } diff --git a/src/Phpml/Dataset/Demo/IrisDataset.php b/src/Dataset/Demo/IrisDataset.php similarity index 84% rename from src/Phpml/Dataset/Demo/IrisDataset.php rename to src/Dataset/Demo/IrisDataset.php index 0bc96d86..d70dffb7 100644 --- a/src/Phpml/Dataset/Demo/IrisDataset.php +++ b/src/Dataset/Demo/IrisDataset.php @@ -16,7 +16,7 @@ class IrisDataset extends CsvDataset { public function __construct() { - $filepath = __DIR__.'/../../../../data/iris.csv'; + $filepath = __DIR__.'/../../../data/iris.csv'; parent::__construct($filepath, 4, true); } } diff --git a/src/Phpml/Dataset/Demo/WineDataset.php b/src/Dataset/Demo/WineDataset.php similarity index 86% rename from src/Phpml/Dataset/Demo/WineDataset.php rename to src/Dataset/Demo/WineDataset.php index c65b08cf..e7666aa2 100644 --- a/src/Phpml/Dataset/Demo/WineDataset.php +++ b/src/Dataset/Demo/WineDataset.php @@ -16,7 +16,7 @@ class WineDataset extends CsvDataset { public function __construct() { - $filepath = __DIR__.'/../../../../data/wine.csv'; + $filepath = __DIR__.'/../../../data/wine.csv'; parent::__construct($filepath, 13, true); } } diff --git a/src/Phpml/Dataset/FilesDataset.php b/src/Dataset/FilesDataset.php similarity index 100% rename from src/Phpml/Dataset/FilesDataset.php rename to src/Dataset/FilesDataset.php diff --git a/src/Phpml/DimensionReduction/EigenTransformerBase.php b/src/DimensionReduction/EigenTransformerBase.php similarity index 100% rename from src/Phpml/DimensionReduction/EigenTransformerBase.php rename to src/DimensionReduction/EigenTransformerBase.php diff --git a/src/Phpml/DimensionReduction/KernelPCA.php b/src/DimensionReduction/KernelPCA.php similarity index 100% rename from src/Phpml/DimensionReduction/KernelPCA.php rename to src/DimensionReduction/KernelPCA.php diff --git a/src/Phpml/DimensionReduction/LDA.php b/src/DimensionReduction/LDA.php similarity index 100% rename from src/Phpml/DimensionReduction/LDA.php rename to src/DimensionReduction/LDA.php diff --git a/src/Phpml/DimensionReduction/PCA.php b/src/DimensionReduction/PCA.php similarity index 100% rename from src/Phpml/DimensionReduction/PCA.php rename to src/DimensionReduction/PCA.php diff --git a/src/Phpml/Estimator.php b/src/Estimator.php similarity index 100% rename from src/Phpml/Estimator.php rename to src/Estimator.php diff --git a/src/Phpml/Exception/DatasetException.php b/src/Exception/DatasetException.php similarity index 100% rename from src/Phpml/Exception/DatasetException.php rename to src/Exception/DatasetException.php diff --git a/src/Phpml/Exception/FileException.php b/src/Exception/FileException.php similarity index 100% rename from src/Phpml/Exception/FileException.php rename to src/Exception/FileException.php diff --git a/src/Phpml/Exception/InvalidArgumentException.php b/src/Exception/InvalidArgumentException.php similarity index 100% rename from src/Phpml/Exception/InvalidArgumentException.php rename to src/Exception/InvalidArgumentException.php diff --git a/src/Phpml/Exception/InvalidOperationException.php b/src/Exception/InvalidOperationException.php similarity index 100% rename from src/Phpml/Exception/InvalidOperationException.php rename to src/Exception/InvalidOperationException.php diff --git a/src/Phpml/Exception/LibsvmCommandException.php b/src/Exception/LibsvmCommandException.php similarity index 100% rename from src/Phpml/Exception/LibsvmCommandException.php rename to src/Exception/LibsvmCommandException.php diff --git a/src/Phpml/Exception/MatrixException.php b/src/Exception/MatrixException.php similarity index 100% rename from src/Phpml/Exception/MatrixException.php rename to src/Exception/MatrixException.php diff --git a/src/Phpml/Exception/NormalizerException.php b/src/Exception/NormalizerException.php similarity index 100% rename from src/Phpml/Exception/NormalizerException.php rename to src/Exception/NormalizerException.php diff --git a/src/Phpml/Exception/SerializeException.php b/src/Exception/SerializeException.php similarity index 100% rename from src/Phpml/Exception/SerializeException.php rename to src/Exception/SerializeException.php diff --git a/src/Phpml/FeatureExtraction/StopWords.php b/src/FeatureExtraction/StopWords.php similarity index 100% rename from src/Phpml/FeatureExtraction/StopWords.php rename to src/FeatureExtraction/StopWords.php diff --git a/src/Phpml/FeatureExtraction/StopWords/English.php b/src/FeatureExtraction/StopWords/English.php similarity index 100% rename from src/Phpml/FeatureExtraction/StopWords/English.php rename to src/FeatureExtraction/StopWords/English.php diff --git a/src/Phpml/FeatureExtraction/StopWords/French.php b/src/FeatureExtraction/StopWords/French.php similarity index 100% rename from src/Phpml/FeatureExtraction/StopWords/French.php rename to src/FeatureExtraction/StopWords/French.php diff --git a/src/Phpml/FeatureExtraction/StopWords/Polish.php b/src/FeatureExtraction/StopWords/Polish.php similarity index 100% rename from src/Phpml/FeatureExtraction/StopWords/Polish.php rename to src/FeatureExtraction/StopWords/Polish.php diff --git a/src/Phpml/FeatureExtraction/TfIdfTransformer.php b/src/FeatureExtraction/TfIdfTransformer.php similarity index 100% rename from src/Phpml/FeatureExtraction/TfIdfTransformer.php rename to src/FeatureExtraction/TfIdfTransformer.php diff --git a/src/Phpml/FeatureExtraction/TokenCountVectorizer.php b/src/FeatureExtraction/TokenCountVectorizer.php similarity index 100% rename from src/Phpml/FeatureExtraction/TokenCountVectorizer.php rename to src/FeatureExtraction/TokenCountVectorizer.php diff --git a/src/Phpml/Helper/OneVsRest.php b/src/Helper/OneVsRest.php similarity index 100% rename from src/Phpml/Helper/OneVsRest.php rename to src/Helper/OneVsRest.php diff --git a/src/Phpml/Helper/Optimizer/ConjugateGradient.php b/src/Helper/Optimizer/ConjugateGradient.php similarity index 100% rename from src/Phpml/Helper/Optimizer/ConjugateGradient.php rename to src/Helper/Optimizer/ConjugateGradient.php diff --git a/src/Phpml/Helper/Optimizer/GD.php b/src/Helper/Optimizer/GD.php similarity index 100% rename from src/Phpml/Helper/Optimizer/GD.php rename to src/Helper/Optimizer/GD.php diff --git a/src/Phpml/Helper/Optimizer/Optimizer.php b/src/Helper/Optimizer/Optimizer.php similarity index 100% rename from src/Phpml/Helper/Optimizer/Optimizer.php rename to src/Helper/Optimizer/Optimizer.php diff --git a/src/Phpml/Helper/Optimizer/StochasticGD.php b/src/Helper/Optimizer/StochasticGD.php similarity index 100% rename from src/Phpml/Helper/Optimizer/StochasticGD.php rename to src/Helper/Optimizer/StochasticGD.php diff --git a/src/Phpml/Helper/Predictable.php b/src/Helper/Predictable.php similarity index 100% rename from src/Phpml/Helper/Predictable.php rename to src/Helper/Predictable.php diff --git a/src/Phpml/Helper/Trainable.php b/src/Helper/Trainable.php similarity index 100% rename from src/Phpml/Helper/Trainable.php rename to src/Helper/Trainable.php diff --git a/src/Phpml/IncrementalEstimator.php b/src/IncrementalEstimator.php similarity index 100% rename from src/Phpml/IncrementalEstimator.php rename to src/IncrementalEstimator.php diff --git a/src/Phpml/Math/Comparison.php b/src/Math/Comparison.php similarity index 100% rename from src/Phpml/Math/Comparison.php rename to src/Math/Comparison.php diff --git a/src/Phpml/Math/Distance.php b/src/Math/Distance.php similarity index 100% rename from src/Phpml/Math/Distance.php rename to src/Math/Distance.php diff --git a/src/Phpml/Math/Distance/Chebyshev.php b/src/Math/Distance/Chebyshev.php similarity index 100% rename from src/Phpml/Math/Distance/Chebyshev.php rename to src/Math/Distance/Chebyshev.php diff --git a/src/Phpml/Math/Distance/Euclidean.php b/src/Math/Distance/Euclidean.php similarity index 100% rename from src/Phpml/Math/Distance/Euclidean.php rename to src/Math/Distance/Euclidean.php diff --git a/src/Phpml/Math/Distance/Manhattan.php b/src/Math/Distance/Manhattan.php similarity index 100% rename from src/Phpml/Math/Distance/Manhattan.php rename to src/Math/Distance/Manhattan.php diff --git a/src/Phpml/Math/Distance/Minkowski.php b/src/Math/Distance/Minkowski.php similarity index 100% rename from src/Phpml/Math/Distance/Minkowski.php rename to src/Math/Distance/Minkowski.php diff --git a/src/Phpml/Math/Kernel.php b/src/Math/Kernel.php similarity index 100% rename from src/Phpml/Math/Kernel.php rename to src/Math/Kernel.php diff --git a/src/Phpml/Math/Kernel/RBF.php b/src/Math/Kernel/RBF.php similarity index 100% rename from src/Phpml/Math/Kernel/RBF.php rename to src/Math/Kernel/RBF.php diff --git a/src/Phpml/Math/LinearAlgebra/EigenvalueDecomposition.php b/src/Math/LinearAlgebra/EigenvalueDecomposition.php similarity index 100% rename from src/Phpml/Math/LinearAlgebra/EigenvalueDecomposition.php rename to src/Math/LinearAlgebra/EigenvalueDecomposition.php diff --git a/src/Phpml/Math/LinearAlgebra/LUDecomposition.php b/src/Math/LinearAlgebra/LUDecomposition.php similarity index 100% rename from src/Phpml/Math/LinearAlgebra/LUDecomposition.php rename to src/Math/LinearAlgebra/LUDecomposition.php diff --git a/src/Phpml/Math/Matrix.php b/src/Math/Matrix.php similarity index 100% rename from src/Phpml/Math/Matrix.php rename to src/Math/Matrix.php diff --git a/src/Phpml/Math/Product.php b/src/Math/Product.php similarity index 100% rename from src/Phpml/Math/Product.php rename to src/Math/Product.php diff --git a/src/Phpml/Math/Set.php b/src/Math/Set.php similarity index 100% rename from src/Phpml/Math/Set.php rename to src/Math/Set.php diff --git a/src/Phpml/Math/Statistic/Correlation.php b/src/Math/Statistic/Correlation.php similarity index 100% rename from src/Phpml/Math/Statistic/Correlation.php rename to src/Math/Statistic/Correlation.php diff --git a/src/Phpml/Math/Statistic/Covariance.php b/src/Math/Statistic/Covariance.php similarity index 100% rename from src/Phpml/Math/Statistic/Covariance.php rename to src/Math/Statistic/Covariance.php diff --git a/src/Phpml/Math/Statistic/Gaussian.php b/src/Math/Statistic/Gaussian.php similarity index 100% rename from src/Phpml/Math/Statistic/Gaussian.php rename to src/Math/Statistic/Gaussian.php diff --git a/src/Phpml/Math/Statistic/Mean.php b/src/Math/Statistic/Mean.php similarity index 100% rename from src/Phpml/Math/Statistic/Mean.php rename to src/Math/Statistic/Mean.php diff --git a/src/Phpml/Math/Statistic/StandardDeviation.php b/src/Math/Statistic/StandardDeviation.php similarity index 100% rename from src/Phpml/Math/Statistic/StandardDeviation.php rename to src/Math/Statistic/StandardDeviation.php diff --git a/src/Phpml/Metric/Accuracy.php b/src/Metric/Accuracy.php similarity index 100% rename from src/Phpml/Metric/Accuracy.php rename to src/Metric/Accuracy.php diff --git a/src/Phpml/Metric/ClassificationReport.php b/src/Metric/ClassificationReport.php similarity index 100% rename from src/Phpml/Metric/ClassificationReport.php rename to src/Metric/ClassificationReport.php diff --git a/src/Phpml/Metric/ConfusionMatrix.php b/src/Metric/ConfusionMatrix.php similarity index 100% rename from src/Phpml/Metric/ConfusionMatrix.php rename to src/Metric/ConfusionMatrix.php diff --git a/src/Phpml/ModelManager.php b/src/ModelManager.php similarity index 100% rename from src/Phpml/ModelManager.php rename to src/ModelManager.php diff --git a/src/Phpml/NeuralNetwork/ActivationFunction.php b/src/NeuralNetwork/ActivationFunction.php similarity index 100% rename from src/Phpml/NeuralNetwork/ActivationFunction.php rename to src/NeuralNetwork/ActivationFunction.php diff --git a/src/Phpml/NeuralNetwork/ActivationFunction/BinaryStep.php b/src/NeuralNetwork/ActivationFunction/BinaryStep.php similarity index 100% rename from src/Phpml/NeuralNetwork/ActivationFunction/BinaryStep.php rename to src/NeuralNetwork/ActivationFunction/BinaryStep.php diff --git a/src/Phpml/NeuralNetwork/ActivationFunction/Gaussian.php b/src/NeuralNetwork/ActivationFunction/Gaussian.php similarity index 100% rename from src/Phpml/NeuralNetwork/ActivationFunction/Gaussian.php rename to src/NeuralNetwork/ActivationFunction/Gaussian.php diff --git a/src/Phpml/NeuralNetwork/ActivationFunction/HyperbolicTangent.php b/src/NeuralNetwork/ActivationFunction/HyperbolicTangent.php similarity index 100% rename from src/Phpml/NeuralNetwork/ActivationFunction/HyperbolicTangent.php rename to src/NeuralNetwork/ActivationFunction/HyperbolicTangent.php diff --git a/src/Phpml/NeuralNetwork/ActivationFunction/PReLU.php b/src/NeuralNetwork/ActivationFunction/PReLU.php similarity index 100% rename from src/Phpml/NeuralNetwork/ActivationFunction/PReLU.php rename to src/NeuralNetwork/ActivationFunction/PReLU.php diff --git a/src/Phpml/NeuralNetwork/ActivationFunction/Sigmoid.php b/src/NeuralNetwork/ActivationFunction/Sigmoid.php similarity index 100% rename from src/Phpml/NeuralNetwork/ActivationFunction/Sigmoid.php rename to src/NeuralNetwork/ActivationFunction/Sigmoid.php diff --git a/src/Phpml/NeuralNetwork/ActivationFunction/ThresholdedReLU.php b/src/NeuralNetwork/ActivationFunction/ThresholdedReLU.php similarity index 100% rename from src/Phpml/NeuralNetwork/ActivationFunction/ThresholdedReLU.php rename to src/NeuralNetwork/ActivationFunction/ThresholdedReLU.php diff --git a/src/Phpml/NeuralNetwork/Layer.php b/src/NeuralNetwork/Layer.php similarity index 100% rename from src/Phpml/NeuralNetwork/Layer.php rename to src/NeuralNetwork/Layer.php diff --git a/src/Phpml/NeuralNetwork/Network.php b/src/NeuralNetwork/Network.php similarity index 100% rename from src/Phpml/NeuralNetwork/Network.php rename to src/NeuralNetwork/Network.php diff --git a/src/Phpml/NeuralNetwork/Network/LayeredNetwork.php b/src/NeuralNetwork/Network/LayeredNetwork.php similarity index 100% rename from src/Phpml/NeuralNetwork/Network/LayeredNetwork.php rename to src/NeuralNetwork/Network/LayeredNetwork.php diff --git a/src/Phpml/NeuralNetwork/Network/MultilayerPerceptron.php b/src/NeuralNetwork/Network/MultilayerPerceptron.php similarity index 100% rename from src/Phpml/NeuralNetwork/Network/MultilayerPerceptron.php rename to src/NeuralNetwork/Network/MultilayerPerceptron.php diff --git a/src/Phpml/NeuralNetwork/Node.php b/src/NeuralNetwork/Node.php similarity index 100% rename from src/Phpml/NeuralNetwork/Node.php rename to src/NeuralNetwork/Node.php diff --git a/src/Phpml/NeuralNetwork/Node/Bias.php b/src/NeuralNetwork/Node/Bias.php similarity index 100% rename from src/Phpml/NeuralNetwork/Node/Bias.php rename to src/NeuralNetwork/Node/Bias.php diff --git a/src/Phpml/NeuralNetwork/Node/Input.php b/src/NeuralNetwork/Node/Input.php similarity index 100% rename from src/Phpml/NeuralNetwork/Node/Input.php rename to src/NeuralNetwork/Node/Input.php diff --git a/src/Phpml/NeuralNetwork/Node/Neuron.php b/src/NeuralNetwork/Node/Neuron.php similarity index 100% rename from src/Phpml/NeuralNetwork/Node/Neuron.php rename to src/NeuralNetwork/Node/Neuron.php diff --git a/src/Phpml/NeuralNetwork/Node/Neuron/Synapse.php b/src/NeuralNetwork/Node/Neuron/Synapse.php similarity index 100% rename from src/Phpml/NeuralNetwork/Node/Neuron/Synapse.php rename to src/NeuralNetwork/Node/Neuron/Synapse.php diff --git a/src/Phpml/NeuralNetwork/Training.php b/src/NeuralNetwork/Training.php similarity index 100% rename from src/Phpml/NeuralNetwork/Training.php rename to src/NeuralNetwork/Training.php diff --git a/src/Phpml/NeuralNetwork/Training/Backpropagation.php b/src/NeuralNetwork/Training/Backpropagation.php similarity index 100% rename from src/Phpml/NeuralNetwork/Training/Backpropagation.php rename to src/NeuralNetwork/Training/Backpropagation.php diff --git a/src/Phpml/NeuralNetwork/Training/Backpropagation/Sigma.php b/src/NeuralNetwork/Training/Backpropagation/Sigma.php similarity index 100% rename from src/Phpml/NeuralNetwork/Training/Backpropagation/Sigma.php rename to src/NeuralNetwork/Training/Backpropagation/Sigma.php diff --git a/src/Phpml/Pipeline.php b/src/Pipeline.php similarity index 100% rename from src/Phpml/Pipeline.php rename to src/Pipeline.php diff --git a/src/Phpml/Preprocessing/Imputer.php b/src/Preprocessing/Imputer.php similarity index 100% rename from src/Phpml/Preprocessing/Imputer.php rename to src/Preprocessing/Imputer.php diff --git a/src/Phpml/Preprocessing/Imputer/Strategy.php b/src/Preprocessing/Imputer/Strategy.php similarity index 100% rename from src/Phpml/Preprocessing/Imputer/Strategy.php rename to src/Preprocessing/Imputer/Strategy.php diff --git a/src/Phpml/Preprocessing/Imputer/Strategy/MeanStrategy.php b/src/Preprocessing/Imputer/Strategy/MeanStrategy.php similarity index 100% rename from src/Phpml/Preprocessing/Imputer/Strategy/MeanStrategy.php rename to src/Preprocessing/Imputer/Strategy/MeanStrategy.php diff --git a/src/Phpml/Preprocessing/Imputer/Strategy/MedianStrategy.php b/src/Preprocessing/Imputer/Strategy/MedianStrategy.php similarity index 100% rename from src/Phpml/Preprocessing/Imputer/Strategy/MedianStrategy.php rename to src/Preprocessing/Imputer/Strategy/MedianStrategy.php diff --git a/src/Phpml/Preprocessing/Imputer/Strategy/MostFrequentStrategy.php b/src/Preprocessing/Imputer/Strategy/MostFrequentStrategy.php similarity index 100% rename from src/Phpml/Preprocessing/Imputer/Strategy/MostFrequentStrategy.php rename to src/Preprocessing/Imputer/Strategy/MostFrequentStrategy.php diff --git a/src/Phpml/Preprocessing/Normalizer.php b/src/Preprocessing/Normalizer.php similarity index 100% rename from src/Phpml/Preprocessing/Normalizer.php rename to src/Preprocessing/Normalizer.php diff --git a/src/Phpml/Preprocessing/Preprocessor.php b/src/Preprocessing/Preprocessor.php similarity index 100% rename from src/Phpml/Preprocessing/Preprocessor.php rename to src/Preprocessing/Preprocessor.php diff --git a/src/Phpml/Regression/LeastSquares.php b/src/Regression/LeastSquares.php similarity index 100% rename from src/Phpml/Regression/LeastSquares.php rename to src/Regression/LeastSquares.php diff --git a/src/Phpml/Regression/Regression.php b/src/Regression/Regression.php similarity index 100% rename from src/Phpml/Regression/Regression.php rename to src/Regression/Regression.php diff --git a/src/Phpml/Regression/SVR.php b/src/Regression/SVR.php similarity index 100% rename from src/Phpml/Regression/SVR.php rename to src/Regression/SVR.php diff --git a/src/Phpml/SupportVectorMachine/DataTransformer.php b/src/SupportVectorMachine/DataTransformer.php similarity index 100% rename from src/Phpml/SupportVectorMachine/DataTransformer.php rename to src/SupportVectorMachine/DataTransformer.php diff --git a/src/Phpml/SupportVectorMachine/Kernel.php b/src/SupportVectorMachine/Kernel.php similarity index 100% rename from src/Phpml/SupportVectorMachine/Kernel.php rename to src/SupportVectorMachine/Kernel.php diff --git a/src/Phpml/SupportVectorMachine/SupportVectorMachine.php b/src/SupportVectorMachine/SupportVectorMachine.php similarity index 99% rename from src/Phpml/SupportVectorMachine/SupportVectorMachine.php rename to src/SupportVectorMachine/SupportVectorMachine.php index ddd843fb..3ec3ed8c 100644 --- a/src/Phpml/SupportVectorMachine/SupportVectorMachine.php +++ b/src/SupportVectorMachine/SupportVectorMachine.php @@ -120,7 +120,7 @@ public function __construct( $this->shrinking = $shrinking; $this->probabilityEstimates = $probabilityEstimates; - $rootPath = realpath(implode(DIRECTORY_SEPARATOR, [__DIR__, '..', '..', '..'])).DIRECTORY_SEPARATOR; + $rootPath = realpath(implode(DIRECTORY_SEPARATOR, [__DIR__, '..', '..'])).DIRECTORY_SEPARATOR; $this->binPath = $rootPath.'bin'.DIRECTORY_SEPARATOR.'libsvm'.DIRECTORY_SEPARATOR; $this->varPath = $rootPath.'var'.DIRECTORY_SEPARATOR; diff --git a/src/Phpml/SupportVectorMachine/Type.php b/src/SupportVectorMachine/Type.php similarity index 100% rename from src/Phpml/SupportVectorMachine/Type.php rename to src/SupportVectorMachine/Type.php diff --git a/src/Phpml/Tokenization/Tokenizer.php b/src/Tokenization/Tokenizer.php similarity index 100% rename from src/Phpml/Tokenization/Tokenizer.php rename to src/Tokenization/Tokenizer.php diff --git a/src/Phpml/Tokenization/WhitespaceTokenizer.php b/src/Tokenization/WhitespaceTokenizer.php similarity index 100% rename from src/Phpml/Tokenization/WhitespaceTokenizer.php rename to src/Tokenization/WhitespaceTokenizer.php diff --git a/src/Phpml/Tokenization/WordTokenizer.php b/src/Tokenization/WordTokenizer.php similarity index 100% rename from src/Phpml/Tokenization/WordTokenizer.php rename to src/Tokenization/WordTokenizer.php diff --git a/src/Phpml/Transformer.php b/src/Transformer.php similarity index 100% rename from src/Phpml/Transformer.php rename to src/Transformer.php diff --git a/tests/Phpml/Association/AprioriTest.php b/tests/Association/AprioriTest.php similarity index 100% rename from tests/Phpml/Association/AprioriTest.php rename to tests/Association/AprioriTest.php diff --git a/tests/Phpml/Classification/DecisionTree/DecisionTreeLeafTest.php b/tests/Classification/DecisionTree/DecisionTreeLeafTest.php similarity index 100% rename from tests/Phpml/Classification/DecisionTree/DecisionTreeLeafTest.php rename to tests/Classification/DecisionTree/DecisionTreeLeafTest.php diff --git a/tests/Phpml/Classification/DecisionTreeTest.php b/tests/Classification/DecisionTreeTest.php similarity index 100% rename from tests/Phpml/Classification/DecisionTreeTest.php rename to tests/Classification/DecisionTreeTest.php diff --git a/tests/Phpml/Classification/Ensemble/AdaBoostTest.php b/tests/Classification/Ensemble/AdaBoostTest.php similarity index 100% rename from tests/Phpml/Classification/Ensemble/AdaBoostTest.php rename to tests/Classification/Ensemble/AdaBoostTest.php diff --git a/tests/Phpml/Classification/Ensemble/BaggingTest.php b/tests/Classification/Ensemble/BaggingTest.php similarity index 100% rename from tests/Phpml/Classification/Ensemble/BaggingTest.php rename to tests/Classification/Ensemble/BaggingTest.php diff --git a/tests/Phpml/Classification/Ensemble/RandomForestTest.php b/tests/Classification/Ensemble/RandomForestTest.php similarity index 100% rename from tests/Phpml/Classification/Ensemble/RandomForestTest.php rename to tests/Classification/Ensemble/RandomForestTest.php diff --git a/tests/Phpml/Classification/KNearestNeighborsTest.php b/tests/Classification/KNearestNeighborsTest.php similarity index 100% rename from tests/Phpml/Classification/KNearestNeighborsTest.php rename to tests/Classification/KNearestNeighborsTest.php diff --git a/tests/Phpml/Classification/Linear/AdalineTest.php b/tests/Classification/Linear/AdalineTest.php similarity index 100% rename from tests/Phpml/Classification/Linear/AdalineTest.php rename to tests/Classification/Linear/AdalineTest.php diff --git a/tests/Phpml/Classification/Linear/DecisionStumpTest.php b/tests/Classification/Linear/DecisionStumpTest.php similarity index 100% rename from tests/Phpml/Classification/Linear/DecisionStumpTest.php rename to tests/Classification/Linear/DecisionStumpTest.php diff --git a/tests/Phpml/Classification/Linear/LogisticRegressionTest.php b/tests/Classification/Linear/LogisticRegressionTest.php similarity index 100% rename from tests/Phpml/Classification/Linear/LogisticRegressionTest.php rename to tests/Classification/Linear/LogisticRegressionTest.php diff --git a/tests/Phpml/Classification/Linear/PerceptronTest.php b/tests/Classification/Linear/PerceptronTest.php similarity index 100% rename from tests/Phpml/Classification/Linear/PerceptronTest.php rename to tests/Classification/Linear/PerceptronTest.php diff --git a/tests/Phpml/Classification/MLPClassifierTest.php b/tests/Classification/MLPClassifierTest.php similarity index 100% rename from tests/Phpml/Classification/MLPClassifierTest.php rename to tests/Classification/MLPClassifierTest.php diff --git a/tests/Phpml/Classification/NaiveBayesTest.php b/tests/Classification/NaiveBayesTest.php similarity index 100% rename from tests/Phpml/Classification/NaiveBayesTest.php rename to tests/Classification/NaiveBayesTest.php diff --git a/tests/Phpml/Classification/SVCTest.php b/tests/Classification/SVCTest.php similarity index 100% rename from tests/Phpml/Classification/SVCTest.php rename to tests/Classification/SVCTest.php diff --git a/tests/Phpml/Clustering/DBSCANTest.php b/tests/Clustering/DBSCANTest.php similarity index 100% rename from tests/Phpml/Clustering/DBSCANTest.php rename to tests/Clustering/DBSCANTest.php diff --git a/tests/Phpml/Clustering/FuzzyCMeansTest.php b/tests/Clustering/FuzzyCMeansTest.php similarity index 100% rename from tests/Phpml/Clustering/FuzzyCMeansTest.php rename to tests/Clustering/FuzzyCMeansTest.php diff --git a/tests/Phpml/Clustering/KMeansTest.php b/tests/Clustering/KMeansTest.php similarity index 100% rename from tests/Phpml/Clustering/KMeansTest.php rename to tests/Clustering/KMeansTest.php diff --git a/tests/Phpml/CrossValidation/RandomSplitTest.php b/tests/CrossValidation/RandomSplitTest.php similarity index 100% rename from tests/Phpml/CrossValidation/RandomSplitTest.php rename to tests/CrossValidation/RandomSplitTest.php diff --git a/tests/Phpml/CrossValidation/StratifiedRandomSplitTest.php b/tests/CrossValidation/StratifiedRandomSplitTest.php similarity index 100% rename from tests/Phpml/CrossValidation/StratifiedRandomSplitTest.php rename to tests/CrossValidation/StratifiedRandomSplitTest.php diff --git a/tests/Phpml/Dataset/ArrayDatasetTest.php b/tests/Dataset/ArrayDatasetTest.php similarity index 100% rename from tests/Phpml/Dataset/ArrayDatasetTest.php rename to tests/Dataset/ArrayDatasetTest.php diff --git a/tests/Phpml/Dataset/CsvDatasetTest.php b/tests/Dataset/CsvDatasetTest.php similarity index 100% rename from tests/Phpml/Dataset/CsvDatasetTest.php rename to tests/Dataset/CsvDatasetTest.php diff --git a/tests/Phpml/Dataset/Demo/GlassDatasetTest.php b/tests/Dataset/Demo/GlassDatasetTest.php similarity index 100% rename from tests/Phpml/Dataset/Demo/GlassDatasetTest.php rename to tests/Dataset/Demo/GlassDatasetTest.php diff --git a/tests/Phpml/Dataset/Demo/IrisDatasetTest.php b/tests/Dataset/Demo/IrisDatasetTest.php similarity index 100% rename from tests/Phpml/Dataset/Demo/IrisDatasetTest.php rename to tests/Dataset/Demo/IrisDatasetTest.php diff --git a/tests/Phpml/Dataset/Demo/WineDatasetTest.php b/tests/Dataset/Demo/WineDatasetTest.php similarity index 100% rename from tests/Phpml/Dataset/Demo/WineDatasetTest.php rename to tests/Dataset/Demo/WineDatasetTest.php diff --git a/tests/Phpml/Dataset/FilesDatasetTest.php b/tests/Dataset/FilesDatasetTest.php similarity index 100% rename from tests/Phpml/Dataset/FilesDatasetTest.php rename to tests/Dataset/FilesDatasetTest.php diff --git a/tests/Phpml/Dataset/Resources/bbc/business/001.txt b/tests/Dataset/Resources/bbc/business/001.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/001.txt rename to tests/Dataset/Resources/bbc/business/001.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/002.txt b/tests/Dataset/Resources/bbc/business/002.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/002.txt rename to tests/Dataset/Resources/bbc/business/002.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/003.txt b/tests/Dataset/Resources/bbc/business/003.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/003.txt rename to tests/Dataset/Resources/bbc/business/003.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/004.txt b/tests/Dataset/Resources/bbc/business/004.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/004.txt rename to tests/Dataset/Resources/bbc/business/004.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/005.txt b/tests/Dataset/Resources/bbc/business/005.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/005.txt rename to tests/Dataset/Resources/bbc/business/005.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/006.txt b/tests/Dataset/Resources/bbc/business/006.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/006.txt rename to tests/Dataset/Resources/bbc/business/006.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/007.txt b/tests/Dataset/Resources/bbc/business/007.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/007.txt rename to tests/Dataset/Resources/bbc/business/007.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/008.txt b/tests/Dataset/Resources/bbc/business/008.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/008.txt rename to tests/Dataset/Resources/bbc/business/008.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/009.txt b/tests/Dataset/Resources/bbc/business/009.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/009.txt rename to tests/Dataset/Resources/bbc/business/009.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/business/010.txt b/tests/Dataset/Resources/bbc/business/010.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/business/010.txt rename to tests/Dataset/Resources/bbc/business/010.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/001.txt b/tests/Dataset/Resources/bbc/entertainment/001.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/001.txt rename to tests/Dataset/Resources/bbc/entertainment/001.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/002.txt b/tests/Dataset/Resources/bbc/entertainment/002.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/002.txt rename to tests/Dataset/Resources/bbc/entertainment/002.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/003.txt b/tests/Dataset/Resources/bbc/entertainment/003.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/003.txt rename to tests/Dataset/Resources/bbc/entertainment/003.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/004.txt b/tests/Dataset/Resources/bbc/entertainment/004.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/004.txt rename to tests/Dataset/Resources/bbc/entertainment/004.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/005.txt b/tests/Dataset/Resources/bbc/entertainment/005.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/005.txt rename to tests/Dataset/Resources/bbc/entertainment/005.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/006.txt b/tests/Dataset/Resources/bbc/entertainment/006.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/006.txt rename to tests/Dataset/Resources/bbc/entertainment/006.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/007.txt b/tests/Dataset/Resources/bbc/entertainment/007.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/007.txt rename to tests/Dataset/Resources/bbc/entertainment/007.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/008.txt b/tests/Dataset/Resources/bbc/entertainment/008.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/008.txt rename to tests/Dataset/Resources/bbc/entertainment/008.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/009.txt b/tests/Dataset/Resources/bbc/entertainment/009.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/009.txt rename to tests/Dataset/Resources/bbc/entertainment/009.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/entertainment/010.txt b/tests/Dataset/Resources/bbc/entertainment/010.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/entertainment/010.txt rename to tests/Dataset/Resources/bbc/entertainment/010.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/001.txt b/tests/Dataset/Resources/bbc/politics/001.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/001.txt rename to tests/Dataset/Resources/bbc/politics/001.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/002.txt b/tests/Dataset/Resources/bbc/politics/002.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/002.txt rename to tests/Dataset/Resources/bbc/politics/002.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/003.txt b/tests/Dataset/Resources/bbc/politics/003.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/003.txt rename to tests/Dataset/Resources/bbc/politics/003.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/004.txt b/tests/Dataset/Resources/bbc/politics/004.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/004.txt rename to tests/Dataset/Resources/bbc/politics/004.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/005.txt b/tests/Dataset/Resources/bbc/politics/005.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/005.txt rename to tests/Dataset/Resources/bbc/politics/005.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/006.txt b/tests/Dataset/Resources/bbc/politics/006.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/006.txt rename to tests/Dataset/Resources/bbc/politics/006.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/007.txt b/tests/Dataset/Resources/bbc/politics/007.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/007.txt rename to tests/Dataset/Resources/bbc/politics/007.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/008.txt b/tests/Dataset/Resources/bbc/politics/008.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/008.txt rename to tests/Dataset/Resources/bbc/politics/008.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/009.txt b/tests/Dataset/Resources/bbc/politics/009.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/009.txt rename to tests/Dataset/Resources/bbc/politics/009.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/politics/010.txt b/tests/Dataset/Resources/bbc/politics/010.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/politics/010.txt rename to tests/Dataset/Resources/bbc/politics/010.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/001.txt b/tests/Dataset/Resources/bbc/sport/001.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/001.txt rename to tests/Dataset/Resources/bbc/sport/001.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/002.txt b/tests/Dataset/Resources/bbc/sport/002.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/002.txt rename to tests/Dataset/Resources/bbc/sport/002.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/003.txt b/tests/Dataset/Resources/bbc/sport/003.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/003.txt rename to tests/Dataset/Resources/bbc/sport/003.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/004.txt b/tests/Dataset/Resources/bbc/sport/004.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/004.txt rename to tests/Dataset/Resources/bbc/sport/004.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/005.txt b/tests/Dataset/Resources/bbc/sport/005.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/005.txt rename to tests/Dataset/Resources/bbc/sport/005.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/006.txt b/tests/Dataset/Resources/bbc/sport/006.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/006.txt rename to tests/Dataset/Resources/bbc/sport/006.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/007.txt b/tests/Dataset/Resources/bbc/sport/007.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/007.txt rename to tests/Dataset/Resources/bbc/sport/007.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/008.txt b/tests/Dataset/Resources/bbc/sport/008.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/008.txt rename to tests/Dataset/Resources/bbc/sport/008.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/009.txt b/tests/Dataset/Resources/bbc/sport/009.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/009.txt rename to tests/Dataset/Resources/bbc/sport/009.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/sport/010.txt b/tests/Dataset/Resources/bbc/sport/010.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/sport/010.txt rename to tests/Dataset/Resources/bbc/sport/010.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/001.txt b/tests/Dataset/Resources/bbc/tech/001.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/001.txt rename to tests/Dataset/Resources/bbc/tech/001.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/002.txt b/tests/Dataset/Resources/bbc/tech/002.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/002.txt rename to tests/Dataset/Resources/bbc/tech/002.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/003.txt b/tests/Dataset/Resources/bbc/tech/003.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/003.txt rename to tests/Dataset/Resources/bbc/tech/003.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/004.txt b/tests/Dataset/Resources/bbc/tech/004.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/004.txt rename to tests/Dataset/Resources/bbc/tech/004.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/005.txt b/tests/Dataset/Resources/bbc/tech/005.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/005.txt rename to tests/Dataset/Resources/bbc/tech/005.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/006.txt b/tests/Dataset/Resources/bbc/tech/006.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/006.txt rename to tests/Dataset/Resources/bbc/tech/006.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/007.txt b/tests/Dataset/Resources/bbc/tech/007.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/007.txt rename to tests/Dataset/Resources/bbc/tech/007.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/008.txt b/tests/Dataset/Resources/bbc/tech/008.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/008.txt rename to tests/Dataset/Resources/bbc/tech/008.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/009.txt b/tests/Dataset/Resources/bbc/tech/009.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/009.txt rename to tests/Dataset/Resources/bbc/tech/009.txt diff --git a/tests/Phpml/Dataset/Resources/bbc/tech/010.txt b/tests/Dataset/Resources/bbc/tech/010.txt similarity index 100% rename from tests/Phpml/Dataset/Resources/bbc/tech/010.txt rename to tests/Dataset/Resources/bbc/tech/010.txt diff --git a/tests/Phpml/Dataset/Resources/dataset.csv b/tests/Dataset/Resources/dataset.csv similarity index 100% rename from tests/Phpml/Dataset/Resources/dataset.csv rename to tests/Dataset/Resources/dataset.csv diff --git a/tests/Phpml/Dataset/Resources/longdataset.csv b/tests/Dataset/Resources/longdataset.csv similarity index 100% rename from tests/Phpml/Dataset/Resources/longdataset.csv rename to tests/Dataset/Resources/longdataset.csv diff --git a/tests/Phpml/DimensionReduction/KernelPCATest.php b/tests/DimensionReduction/KernelPCATest.php similarity index 100% rename from tests/Phpml/DimensionReduction/KernelPCATest.php rename to tests/DimensionReduction/KernelPCATest.php diff --git a/tests/Phpml/DimensionReduction/LDATest.php b/tests/DimensionReduction/LDATest.php similarity index 100% rename from tests/Phpml/DimensionReduction/LDATest.php rename to tests/DimensionReduction/LDATest.php diff --git a/tests/Phpml/DimensionReduction/PCATest.php b/tests/DimensionReduction/PCATest.php similarity index 100% rename from tests/Phpml/DimensionReduction/PCATest.php rename to tests/DimensionReduction/PCATest.php diff --git a/tests/Phpml/FeatureExtraction/StopWordsTest.php b/tests/FeatureExtraction/StopWordsTest.php similarity index 100% rename from tests/Phpml/FeatureExtraction/StopWordsTest.php rename to tests/FeatureExtraction/StopWordsTest.php diff --git a/tests/Phpml/FeatureExtraction/TfIdfTransformerTest.php b/tests/FeatureExtraction/TfIdfTransformerTest.php similarity index 100% rename from tests/Phpml/FeatureExtraction/TfIdfTransformerTest.php rename to tests/FeatureExtraction/TfIdfTransformerTest.php diff --git a/tests/Phpml/FeatureExtraction/TokenCountVectorizerTest.php b/tests/FeatureExtraction/TokenCountVectorizerTest.php similarity index 100% rename from tests/Phpml/FeatureExtraction/TokenCountVectorizerTest.php rename to tests/FeatureExtraction/TokenCountVectorizerTest.php diff --git a/tests/Phpml/Helper/Optimizer/ConjugateGradientTest.php b/tests/Helper/Optimizer/ConjugateGradientTest.php similarity index 100% rename from tests/Phpml/Helper/Optimizer/ConjugateGradientTest.php rename to tests/Helper/Optimizer/ConjugateGradientTest.php diff --git a/tests/Phpml/Helper/Optimizer/GDTest.php b/tests/Helper/Optimizer/GDTest.php similarity index 100% rename from tests/Phpml/Helper/Optimizer/GDTest.php rename to tests/Helper/Optimizer/GDTest.php diff --git a/tests/Phpml/Helper/Optimizer/StochasticGDTest.php b/tests/Helper/Optimizer/StochasticGDTest.php similarity index 100% rename from tests/Phpml/Helper/Optimizer/StochasticGDTest.php rename to tests/Helper/Optimizer/StochasticGDTest.php diff --git a/tests/Phpml/Math/ComparisonTest.php b/tests/Math/ComparisonTest.php similarity index 100% rename from tests/Phpml/Math/ComparisonTest.php rename to tests/Math/ComparisonTest.php diff --git a/tests/Phpml/Math/Distance/ChebyshevTest.php b/tests/Math/Distance/ChebyshevTest.php similarity index 100% rename from tests/Phpml/Math/Distance/ChebyshevTest.php rename to tests/Math/Distance/ChebyshevTest.php diff --git a/tests/Phpml/Math/Distance/EuclideanTest.php b/tests/Math/Distance/EuclideanTest.php similarity index 100% rename from tests/Phpml/Math/Distance/EuclideanTest.php rename to tests/Math/Distance/EuclideanTest.php diff --git a/tests/Phpml/Math/Distance/ManhattanTest.php b/tests/Math/Distance/ManhattanTest.php similarity index 100% rename from tests/Phpml/Math/Distance/ManhattanTest.php rename to tests/Math/Distance/ManhattanTest.php diff --git a/tests/Phpml/Math/Distance/MinkowskiTest.php b/tests/Math/Distance/MinkowskiTest.php similarity index 100% rename from tests/Phpml/Math/Distance/MinkowskiTest.php rename to tests/Math/Distance/MinkowskiTest.php diff --git a/tests/Phpml/Math/Kernel/RBFTest.php b/tests/Math/Kernel/RBFTest.php similarity index 100% rename from tests/Phpml/Math/Kernel/RBFTest.php rename to tests/Math/Kernel/RBFTest.php diff --git a/tests/Phpml/Math/LinearAlgebra/EigenDecompositionTest.php b/tests/Math/LinearAlgebra/EigenDecompositionTest.php similarity index 100% rename from tests/Phpml/Math/LinearAlgebra/EigenDecompositionTest.php rename to tests/Math/LinearAlgebra/EigenDecompositionTest.php diff --git a/tests/Phpml/Math/MatrixTest.php b/tests/Math/MatrixTest.php similarity index 100% rename from tests/Phpml/Math/MatrixTest.php rename to tests/Math/MatrixTest.php diff --git a/tests/Phpml/Math/ProductTest.php b/tests/Math/ProductTest.php similarity index 100% rename from tests/Phpml/Math/ProductTest.php rename to tests/Math/ProductTest.php diff --git a/tests/Phpml/Math/SetTest.php b/tests/Math/SetTest.php similarity index 100% rename from tests/Phpml/Math/SetTest.php rename to tests/Math/SetTest.php diff --git a/tests/Phpml/Math/Statistic/CorrelationTest.php b/tests/Math/Statistic/CorrelationTest.php similarity index 100% rename from tests/Phpml/Math/Statistic/CorrelationTest.php rename to tests/Math/Statistic/CorrelationTest.php diff --git a/tests/Phpml/Math/Statistic/CovarianceTest.php b/tests/Math/Statistic/CovarianceTest.php similarity index 100% rename from tests/Phpml/Math/Statistic/CovarianceTest.php rename to tests/Math/Statistic/CovarianceTest.php diff --git a/tests/Phpml/Math/Statistic/GaussianTest.php b/tests/Math/Statistic/GaussianTest.php similarity index 100% rename from tests/Phpml/Math/Statistic/GaussianTest.php rename to tests/Math/Statistic/GaussianTest.php diff --git a/tests/Phpml/Math/Statistic/MeanTest.php b/tests/Math/Statistic/MeanTest.php similarity index 100% rename from tests/Phpml/Math/Statistic/MeanTest.php rename to tests/Math/Statistic/MeanTest.php diff --git a/tests/Phpml/Math/Statistic/StandardDeviationTest.php b/tests/Math/Statistic/StandardDeviationTest.php similarity index 100% rename from tests/Phpml/Math/Statistic/StandardDeviationTest.php rename to tests/Math/Statistic/StandardDeviationTest.php diff --git a/tests/Phpml/Metric/AccuracyTest.php b/tests/Metric/AccuracyTest.php similarity index 100% rename from tests/Phpml/Metric/AccuracyTest.php rename to tests/Metric/AccuracyTest.php diff --git a/tests/Phpml/Metric/ClassificationReportTest.php b/tests/Metric/ClassificationReportTest.php similarity index 100% rename from tests/Phpml/Metric/ClassificationReportTest.php rename to tests/Metric/ClassificationReportTest.php diff --git a/tests/Phpml/Metric/ConfusionMatrixTest.php b/tests/Metric/ConfusionMatrixTest.php similarity index 100% rename from tests/Phpml/Metric/ConfusionMatrixTest.php rename to tests/Metric/ConfusionMatrixTest.php diff --git a/tests/Phpml/ModelManagerTest.php b/tests/ModelManagerTest.php similarity index 100% rename from tests/Phpml/ModelManagerTest.php rename to tests/ModelManagerTest.php diff --git a/tests/Phpml/NeuralNetwork/ActivationFunction/BinaryStepTest.php b/tests/NeuralNetwork/ActivationFunction/BinaryStepTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/ActivationFunction/BinaryStepTest.php rename to tests/NeuralNetwork/ActivationFunction/BinaryStepTest.php diff --git a/tests/Phpml/NeuralNetwork/ActivationFunction/GaussianTest.php b/tests/NeuralNetwork/ActivationFunction/GaussianTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/ActivationFunction/GaussianTest.php rename to tests/NeuralNetwork/ActivationFunction/GaussianTest.php diff --git a/tests/Phpml/NeuralNetwork/ActivationFunction/HyperboliTangentTest.php b/tests/NeuralNetwork/ActivationFunction/HyperboliTangentTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/ActivationFunction/HyperboliTangentTest.php rename to tests/NeuralNetwork/ActivationFunction/HyperboliTangentTest.php diff --git a/tests/Phpml/NeuralNetwork/ActivationFunction/PReLUTest.php b/tests/NeuralNetwork/ActivationFunction/PReLUTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/ActivationFunction/PReLUTest.php rename to tests/NeuralNetwork/ActivationFunction/PReLUTest.php diff --git a/tests/Phpml/NeuralNetwork/ActivationFunction/SigmoidTest.php b/tests/NeuralNetwork/ActivationFunction/SigmoidTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/ActivationFunction/SigmoidTest.php rename to tests/NeuralNetwork/ActivationFunction/SigmoidTest.php diff --git a/tests/Phpml/NeuralNetwork/ActivationFunction/ThresholdedReLUTest.php b/tests/NeuralNetwork/ActivationFunction/ThresholdedReLUTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/ActivationFunction/ThresholdedReLUTest.php rename to tests/NeuralNetwork/ActivationFunction/ThresholdedReLUTest.php diff --git a/tests/Phpml/NeuralNetwork/LayerTest.php b/tests/NeuralNetwork/LayerTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/LayerTest.php rename to tests/NeuralNetwork/LayerTest.php diff --git a/tests/Phpml/NeuralNetwork/Network/LayeredNetworkTest.php b/tests/NeuralNetwork/Network/LayeredNetworkTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/Network/LayeredNetworkTest.php rename to tests/NeuralNetwork/Network/LayeredNetworkTest.php diff --git a/tests/Phpml/NeuralNetwork/Network/MultilayerPerceptronTest.php b/tests/NeuralNetwork/Network/MultilayerPerceptronTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/Network/MultilayerPerceptronTest.php rename to tests/NeuralNetwork/Network/MultilayerPerceptronTest.php diff --git a/tests/Phpml/NeuralNetwork/Node/BiasTest.php b/tests/NeuralNetwork/Node/BiasTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/Node/BiasTest.php rename to tests/NeuralNetwork/Node/BiasTest.php diff --git a/tests/Phpml/NeuralNetwork/Node/InputTest.php b/tests/NeuralNetwork/Node/InputTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/Node/InputTest.php rename to tests/NeuralNetwork/Node/InputTest.php diff --git a/tests/Phpml/NeuralNetwork/Node/Neuron/SynapseTest.php b/tests/NeuralNetwork/Node/Neuron/SynapseTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/Node/Neuron/SynapseTest.php rename to tests/NeuralNetwork/Node/Neuron/SynapseTest.php diff --git a/tests/Phpml/NeuralNetwork/Node/NeuronTest.php b/tests/NeuralNetwork/Node/NeuronTest.php similarity index 100% rename from tests/Phpml/NeuralNetwork/Node/NeuronTest.php rename to tests/NeuralNetwork/Node/NeuronTest.php diff --git a/tests/Phpml/PipelineTest.php b/tests/PipelineTest.php similarity index 100% rename from tests/Phpml/PipelineTest.php rename to tests/PipelineTest.php diff --git a/tests/Phpml/Preprocessing/ImputerTest.php b/tests/Preprocessing/ImputerTest.php similarity index 100% rename from tests/Phpml/Preprocessing/ImputerTest.php rename to tests/Preprocessing/ImputerTest.php diff --git a/tests/Phpml/Preprocessing/NormalizerTest.php b/tests/Preprocessing/NormalizerTest.php similarity index 100% rename from tests/Phpml/Preprocessing/NormalizerTest.php rename to tests/Preprocessing/NormalizerTest.php diff --git a/tests/Phpml/Regression/LeastSquaresTest.php b/tests/Regression/LeastSquaresTest.php similarity index 100% rename from tests/Phpml/Regression/LeastSquaresTest.php rename to tests/Regression/LeastSquaresTest.php diff --git a/tests/Phpml/Regression/SVRTest.php b/tests/Regression/SVRTest.php similarity index 100% rename from tests/Phpml/Regression/SVRTest.php rename to tests/Regression/SVRTest.php diff --git a/tests/Phpml/SupportVectorMachine/DataTransformerTest.php b/tests/SupportVectorMachine/DataTransformerTest.php similarity index 100% rename from tests/Phpml/SupportVectorMachine/DataTransformerTest.php rename to tests/SupportVectorMachine/DataTransformerTest.php diff --git a/tests/Phpml/SupportVectorMachine/SupportVectorMachineTest.php b/tests/SupportVectorMachine/SupportVectorMachineTest.php similarity index 100% rename from tests/Phpml/SupportVectorMachine/SupportVectorMachineTest.php rename to tests/SupportVectorMachine/SupportVectorMachineTest.php diff --git a/tests/Phpml/Tokenization/WhitespaceTokenizerTest.php b/tests/Tokenization/WhitespaceTokenizerTest.php similarity index 100% rename from tests/Phpml/Tokenization/WhitespaceTokenizerTest.php rename to tests/Tokenization/WhitespaceTokenizerTest.php diff --git a/tests/Phpml/Tokenization/WordTokenizerTest.php b/tests/Tokenization/WordTokenizerTest.php similarity index 100% rename from tests/Phpml/Tokenization/WordTokenizerTest.php rename to tests/Tokenization/WordTokenizerTest.php