From ef4a7158daa283892971a4c2936185619b5c29a5 Mon Sep 17 00:00:00 2001 From: Andrew DalPino Date: Sun, 14 Jan 2024 17:22:17 -0600 Subject: [PATCH] Update dependencies --- .php-cs-fixer.dist.php | 8 +-- .../AnomalyDetectors/GaussianMLEBench.php | 2 +- .../AnomalyDetectors/IsolationForestBench.php | 2 +- .../LocalOutlierFactorBench.php | 2 +- benchmarks/AnomalyDetectors/LodaBench.php | 2 +- .../AnomalyDetectors/OneClassSVMBench.php | 2 +- .../AnomalyDetectors/RobustZScoreBench.php | 2 +- benchmarks/Classifiers/AdaBoostBench.php | 2 +- .../Classifiers/ClassificationTreeBench.php | 2 +- .../Classifiers/ExtraTreeClassifierBench.php | 2 +- benchmarks/Classifiers/GaussianNBBench.php | 2 +- benchmarks/Classifiers/KDNeighborsBench.php | 2 +- .../Classifiers/KNearestNeighborsBench.php | 2 +- .../Classifiers/LogisticRegressionBench.php | 2 +- benchmarks/Classifiers/LogitBoostBench.php | 2 +- .../Classifiers/MultilayerPerceptronBench.php | 2 +- benchmarks/Classifiers/NaiveBayesBench.php | 2 +- benchmarks/Classifiers/OneVsRestBench.php | 2 +- .../Classifiers/RadiusNeighborsBench.php | 2 +- benchmarks/Classifiers/RandomForestBench.php | 2 +- benchmarks/Classifiers/SVCBench.php | 2 +- .../Classifiers/SoftmaxClassifierBench.php | 2 +- benchmarks/Clusterers/DBSCANBench.php | 2 +- benchmarks/Clusterers/FuzzyCMeansBench.php | 2 +- .../Clusterers/GaussianMixtureBench.php | 2 +- benchmarks/Clusterers/KMeansBench.php | 2 +- benchmarks/Clusterers/MeanShiftBench.php | 2 +- benchmarks/Graph/Trees/BallTreeBench.php | 2 +- benchmarks/Graph/Trees/KDTreeBench.php | 2 +- benchmarks/Kernels/Distance/CanberraBench.php | 2 +- benchmarks/Kernels/Distance/CosineBench.php | 2 +- benchmarks/Kernels/Distance/DiagonalBench.php | 2 +- .../Kernels/Distance/EuclideanBench.php | 2 +- benchmarks/Kernels/Distance/GowerBench.php | 2 +- benchmarks/Kernels/Distance/JaccardBench.php | 2 +- .../Kernels/Distance/ManhattanBench.php | 2 +- .../Kernels/Distance/MinkowskiBench.php | 2 +- .../Kernels/Distance/SafeEuclideanBench.php | 2 +- .../Kernels/Distance/SparseCosineBench.php | 2 +- .../ActivationFunctions/ELUBench.php | 6 +-- .../ActivationFunctions/GELUBench.php | 6 +-- .../HyperbolicTangentBench.php | 6 +-- .../ActivationFunctions/LeakyReLUBench.php | 6 +-- .../ActivationFunctions/ReLUBench.php | 6 +-- .../ActivationFunctions/SELUBench.php | 6 +-- .../ActivationFunctions/SiLUBench.php | 6 +-- .../ActivationFunctions/SigmoidBench.php | 6 +-- .../ActivationFunctions/SoftPlusBench.php | 6 +-- .../ActivationFunctions/SoftmaxBench.php | 6 +-- .../ActivationFunctions/SoftsignBench.php | 6 +-- .../ThresholdedReLUBench.php | 6 +-- .../Serializers/GzipNativeBench.php | 2 +- .../Persisters/Serializers/NativeBench.php | 2 +- .../Persisters/Serializers/RBXBench.php | 2 +- benchmarks/Regressors/AdalineBench.php | 2 +- .../Regressors/ExtraTreeRegressorBench.php | 2 +- benchmarks/Regressors/GradientBoostBench.php | 2 +- .../Regressors/KDNeighborsRegressorBench.php | 2 +- benchmarks/Regressors/KNNRegressorBench.php | 2 +- benchmarks/Regressors/MLPRegressorBench.php | 2 +- .../RadiusNeighborsRegressorBench.php | 2 +- benchmarks/Regressors/RegressionTreeBench.php | 2 +- benchmarks/Regressors/RidgeBench.php | 2 +- benchmarks/Regressors/SVRBench.php | 2 +- .../Transformers/BM25TransformerBench.php | 4 +- .../GaussianRandomProjectorBench.php | 2 +- .../Transformers/ImageVectorizerBench.php | 2 +- .../Transformers/IntervalDiscretizerBench.php | 2 +- benchmarks/Transformers/L1NormalizerBench.php | 2 +- benchmarks/Transformers/L2NormalizerBench.php | 2 +- .../LinearDiscriminantAnalysisBench.php | 2 +- .../Transformers/MaxAbsoluteScalerBench.php | 2 +- .../Transformers/MinMaxNormalizerBench.php | 2 +- .../MultibyteTextNormalizerBench.php | 4 +- .../NumericStringConverterBench.php | 2 +- .../Transformers/PolynomialExpanderBench.php | 2 +- .../PrincipalComponentAnalysisBench.php | 2 +- .../Transformers/RobustStandardizerBench.php | 2 +- .../SparseRandomProjectorBench.php | 2 +- .../Transformers/StopWordFilterBench.php | 2 +- benchmarks/Transformers/TSNEBench.php | 2 +- .../Transformers/TextNormalizerBench.php | 4 +- .../Transformers/TfIdfTransformerBench.php | 4 +- .../TokenHashingVectorizerBench.php | 2 +- benchmarks/Transformers/TruncatedSVDBench.php | 2 +- .../Transformers/WordCountVectorizerBench.php | 2 +- .../Transformers/ZScaleStandardizerBench.php | 2 +- src/AnomalyDetectors/GaussianMLE.php | 14 +++--- src/AnomalyDetectors/IsolationForest.php | 14 +++--- src/AnomalyDetectors/LocalOutlierFactor.php | 16 +++--- src/AnomalyDetectors/Loda.php | 14 +++--- src/AnomalyDetectors/OneClassSVM.php | 14 +++--- src/AnomalyDetectors/RobustZScore.php | 14 +++--- src/AnomalyDetectors/Scoring.php | 2 +- src/Backends/Amp.php | 6 +-- src/Backends/Backend.php | 2 +- src/Backends/Serial.php | 2 +- src/Backends/Tasks/CrossValidate.php | 16 +++--- src/Backends/Tasks/Predict.php | 8 +-- src/Backends/Tasks/Proba.php | 8 +-- src/Backends/Tasks/TrainAndValidate.php | 16 +++--- src/Backends/Tasks/TrainLearner.php | 10 ++-- src/BootstrapAggregator.php | 16 +++--- src/Classifiers/AdaBoost.php | 14 +++--- src/Classifiers/ClassificationTree.php | 20 ++++---- src/Classifiers/ExtraTreeClassifier.php | 20 ++++---- src/Classifiers/GaussianNB.php | 12 ++--- src/Classifiers/KDNeighbors.php | 16 +++--- src/Classifiers/KNearestNeighbors.php | 14 +++--- src/Classifiers/LogisticRegression.php | 16 +++--- src/Classifiers/LogitBoost.php | 20 ++++---- src/Classifiers/MultilayerPerceptron.php | 20 ++++---- src/Classifiers/NaiveBayes.php | 12 ++--- src/Classifiers/OneVsRest.php | 18 +++---- src/Classifiers/RadiusNeighbors.php | 18 +++---- src/Classifiers/RandomForest.php | 16 +++--- src/Classifiers/SVC.php | 12 ++--- src/Classifiers/SoftmaxClassifier.php | 14 +++--- src/Clusterers/DBSCAN.php | 8 +-- src/Clusterers/FuzzyCMeans.php | 20 ++++---- src/Clusterers/GaussianMixture.php | 20 ++++---- src/Clusterers/KMeans.php | 22 ++++---- src/Clusterers/MeanShift.php | 24 ++++----- src/Clusterers/Seeders/KMC2.php | 6 +-- src/Clusterers/Seeders/PlusPlus.php | 4 +- src/Clusterers/Seeders/Preset.php | 6 +-- src/Clusterers/Seeders/Random.php | 2 +- src/Clusterers/Seeders/Seeder.php | 2 +- src/CommitteeMachine.php | 10 ++-- src/CrossValidation/HoldOut.php | 10 ++-- src/CrossValidation/KFold.php | 10 ++-- src/CrossValidation/LeavePOut.php | 10 ++-- src/CrossValidation/Metrics/FBeta.php | 2 +- src/CrossValidation/Metrics/TopKAccuracy.php | 2 +- src/CrossValidation/Metrics/VMeasure.php | 2 +- src/CrossValidation/MonteCarlo.php | 10 ++-- .../Reports/AggregateReport.php | 4 +- .../Reports/ConfusionMatrix.php | 2 +- .../Reports/ContingencyTable.php | 2 +- src/CrossValidation/Reports/ErrorAnalysis.php | 2 +- .../Reports/MulticlassBreakdown.php | 2 +- .../Reports/ReportGenerator.php | 2 +- src/CrossValidation/Validator.php | 6 +-- src/DataType.php | 2 +- src/Datasets/Dataset.php | 32 ++++++------ src/Datasets/Generators/Agglomerate.php | 4 +- src/Datasets/Generators/Blob.php | 6 +-- src/Datasets/Generators/Circle.php | 6 +-- src/Datasets/Generators/HalfMoon.php | 6 +-- src/Datasets/Generators/Hyperplane.php | 6 +-- src/Datasets/Generators/SwissRoll.php | 6 +-- src/Datasets/Labeled.php | 50 +++++++++---------- src/Datasets/Unlabeled.php | 34 ++++++------- src/Encoding.php | 6 +-- src/Estimator.php | 4 +- src/EstimatorType.php | 2 +- .../EstimatorIncompatibleWithMetric.php | 4 +- .../IncorrectDatasetDimensionality.php | 2 +- src/Extractors/CSV.php | 6 +-- src/Extractors/Deduplicator.php | 2 +- src/Extractors/NDJSON.php | 6 +-- src/Extractors/SQLTable.php | 6 +-- src/Graph/Nodes/Ball.php | 6 +-- src/Graph/Nodes/Box.php | 4 +- src/Graph/Nodes/Clique.php | 10 ++-- src/Graph/Nodes/Depth.php | 2 +- src/Graph/Nodes/HasBinaryChildren.php | 8 +-- src/Graph/Nodes/Isolator.php | 4 +- src/Graph/Nodes/Neighborhood.php | 8 +-- src/Graph/Nodes/Split.php | 2 +- src/Graph/Trees/BallTree.php | 14 +++--- src/Graph/Trees/CART.php | 4 +- src/Graph/Trees/DecisionTree.php | 16 +++--- src/Graph/Trees/ExtraTree.php | 4 +- src/Graph/Trees/ITree.php | 4 +- src/Graph/Trees/KDTree.php | 14 +++--- src/Graph/Trees/Spatial.php | 4 +- src/GridSearch.php | 24 ++++----- src/Helpers/CPU.php | 2 +- src/Helpers/Graphviz.php | 6 +-- src/Helpers/JSON.php | 4 +- src/Helpers/Params.php | 6 +-- src/Helpers/Stats.php | 16 +++--- src/Kernels/Distance/Gower.php | 2 +- src/Kernels/Distance/Minkowski.php | 2 +- src/Kernels/SVM/Polynomial.php | 2 +- .../ActivationFunction.php | 10 ++-- src/NeuralNet/ActivationFunctions/ELU.php | 12 ++--- src/NeuralNet/ActivationFunctions/GELU.php | 10 ++-- .../ActivationFunctions/HyperbolicTangent.php | 10 ++-- .../ActivationFunctions/LeakyReLU.php | 12 ++--- src/NeuralNet/ActivationFunctions/ReLU.php | 10 ++-- src/NeuralNet/ActivationFunctions/SELU.php | 10 ++-- src/NeuralNet/ActivationFunctions/SiLU.php | 10 ++-- src/NeuralNet/ActivationFunctions/Sigmoid.php | 10 ++-- .../ActivationFunctions/SoftPlus.php | 10 ++-- src/NeuralNet/ActivationFunctions/Softmax.php | 4 +- .../ActivationFunctions/Softsign.php | 10 ++-- .../ActivationFunctions/ThresholdedReLU.php | 12 ++--- src/NeuralNet/CostFunctions/CostFunction.php | 10 ++-- src/NeuralNet/CostFunctions/CrossEntropy.php | 10 ++-- src/NeuralNet/CostFunctions/HuberLoss.php | 12 ++--- src/NeuralNet/CostFunctions/LeastSquares.php | 10 ++-- .../CostFunctions/RelativeEntropy.php | 10 ++-- src/NeuralNet/FeedForward.php | 28 +++++------ src/NeuralNet/Initializers/Constant.php | 4 +- src/NeuralNet/Initializers/He.php | 2 +- src/NeuralNet/Initializers/Initializer.php | 2 +- src/NeuralNet/Initializers/LeCun.php | 2 +- src/NeuralNet/Initializers/Normal.php | 4 +- src/NeuralNet/Initializers/Uniform.php | 4 +- src/NeuralNet/Initializers/Xavier1.php | 2 +- src/NeuralNet/Initializers/Xavier2.php | 2 +- src/NeuralNet/Layers/Activation.php | 30 +++++------ src/NeuralNet/Layers/BatchNorm.php | 40 +++++++-------- src/NeuralNet/Layers/Binary.php | 28 +++++------ src/NeuralNet/Layers/Continuous.php | 22 ++++---- src/NeuralNet/Layers/Dense.php | 38 +++++++------- src/NeuralNet/Layers/Dropout.php | 26 +++++----- src/NeuralNet/Layers/Hidden.php | 6 +-- src/NeuralNet/Layers/Layer.php | 8 +-- src/NeuralNet/Layers/Multiclass.php | 30 +++++------ src/NeuralNet/Layers/Noise.php | 18 +++---- src/NeuralNet/Layers/Output.php | 2 +- src/NeuralNet/Layers/PReLU.php | 38 +++++++------- src/NeuralNet/Layers/Placeholder1D.php | 12 ++--- src/NeuralNet/Layers/Swish.php | 44 ++++++++-------- src/NeuralNet/Optimizers/AdaGrad.php | 8 +-- src/NeuralNet/Optimizers/AdaMax.php | 8 +-- src/NeuralNet/Optimizers/Adam.php | 8 +-- src/NeuralNet/Optimizers/Adaptive.php | 2 +- src/NeuralNet/Optimizers/Cyclical.php | 4 +- src/NeuralNet/Optimizers/Momentum.php | 8 +-- src/NeuralNet/Optimizers/Optimizer.php | 2 +- src/NeuralNet/Optimizers/RMSProp.php | 8 +-- src/NeuralNet/Optimizers/StepDecay.php | 4 +- src/NeuralNet/Optimizers/Stochastic.php | 4 +- src/NeuralNet/Parameter.php | 8 +-- src/NeuralNet/Snapshot.php | 4 +- src/Online.php | 2 +- src/Parallel.php | 2 +- src/PersistentModel.php | 36 ++++++------- src/Persisters/Filesystem.php | 6 +-- src/Persisters/Persister.php | 4 +- src/Pipeline.php | 28 +++++------ src/Probabilistic.php | 2 +- src/Regressors/Adaline.php | 14 +++--- src/Regressors/ExtraTreeRegressor.php | 14 +++--- src/Regressors/GradientBoost.php | 16 +++--- src/Regressors/KDNeighborsRegressor.php | 12 ++--- src/Regressors/KNNRegressor.php | 10 ++-- src/Regressors/MLPRegressor.php | 20 ++++---- src/Regressors/RadiusNeighborsRegressor.php | 14 +++--- src/Regressors/RegressionTree.php | 14 +++--- src/Regressors/Ridge.php | 10 ++-- src/Regressors/SVR.php | 12 ++--- src/Report.php | 8 +-- src/Serializers/GzipNative.php | 14 +++--- src/Serializers/Native.php | 10 ++-- src/Serializers/RBX.php | 12 ++--- src/Serializers/Serializer.php | 8 +-- .../DatasetHasDimensionality.php | 10 ++-- src/Specifications/DatasetIsLabeled.php | 8 +-- src/Specifications/DatasetIsNotEmpty.php | 8 +-- .../EstimatorIsCompatibleWithMetric.php | 12 ++--- src/Specifications/ExtensionIsLoaded.php | 2 +- .../ExtensionMinimumVersion.php | 2 +- .../LabelsAreCompatibleWithLearner.php | 14 +++--- .../PredictionAndLabelCountsAreEqual.php | 2 +- .../ProbabilityAndLabelCountsAreEqual.php | 2 +- .../SamplesAreCompatibleWithDistance.php | 14 +++--- .../SamplesAreCompatibleWithEstimator.php | 14 +++--- .../SamplesAreCompatibleWithTransformer.php | 14 +++--- src/Strategies/Constant.php | 2 +- src/Strategies/KMostFrequent.php | 8 +-- src/Strategies/Mean.php | 6 +-- src/Strategies/Percentile.php | 8 +-- src/Strategies/Prior.php | 6 +-- src/Strategies/Strategy.php | 2 +- src/Strategies/WildGuess.php | 6 +-- src/Tokenizers/KSkipNGram.php | 8 +-- src/Tokenizers/NGram.php | 8 +-- src/Tokenizers/Whitespace.php | 2 +- src/Trainable.php | 2 +- src/Traits/Multiprocessing.php | 4 +- src/Transformers/BM25Transformer.php | 10 ++-- src/Transformers/BooleanConverter.php | 2 +- src/Transformers/Elastic.php | 2 +- src/Transformers/GaussianRandomProjector.php | 10 ++-- src/Transformers/HotDeckImputer.php | 10 ++-- src/Transformers/ImageResizer.php | 4 +- src/Transformers/ImageRotator.php | 2 +- src/Transformers/ImageVectorizer.php | 4 +- src/Transformers/IntervalDiscretizer.php | 8 +-- src/Transformers/KNNImputer.php | 10 ++-- .../LinearDiscriminantAnalysis.php | 8 +-- src/Transformers/MaxAbsoluteScaler.php | 8 +-- src/Transformers/MinMaxNormalizer.php | 10 ++-- src/Transformers/MissingDataImputer.php | 12 ++--- src/Transformers/OneHotEncoder.php | 4 +- src/Transformers/PolynomialExpander.php | 2 +- .../PrincipalComponentAnalysis.php | 8 +-- src/Transformers/RegexFilter.php | 2 +- src/Transformers/RobustStandardizer.php | 6 +-- src/Transformers/SparseRandomProjector.php | 6 +-- src/Transformers/Stateful.php | 2 +- src/Transformers/StopWordFilter.php | 2 +- src/Transformers/TSNE.php | 12 ++--- src/Transformers/TfIdfTransformer.php | 12 ++--- src/Transformers/TokenHashingVectorizer.php | 4 +- src/Transformers/TruncatedSVD.php | 8 +-- src/Transformers/WordCountVectorizer.php | 8 +-- src/Transformers/ZScaleStandardizer.php | 8 +-- src/Tuple.php | 6 +-- src/functions.php | 4 +- tests/AnomalyDetectors/GaussianMLETest.php | 6 +-- .../AnomalyDetectors/IsolationForestTest.php | 6 +-- .../LocalOutlierFactorTest.php | 6 +-- tests/AnomalyDetectors/LodaTest.php | 6 +-- tests/AnomalyDetectors/OneClassSVMTest.php | 6 +-- tests/AnomalyDetectors/RobustZScoreTest.php | 6 +-- tests/Backends/AmpTest.php | 2 +- tests/Backends/SerialTest.php | 2 +- tests/BootstrapAggregatorTest.php | 6 +-- tests/Classifiers/AdaBoostTest.php | 6 +-- tests/Classifiers/ClassificationTreeTest.php | 6 +-- tests/Classifiers/ExtraTreeClassifierTest.php | 6 +-- tests/Classifiers/GaussianNBTest.php | 6 +-- tests/Classifiers/KDNeighborsTest.php | 6 +-- tests/Classifiers/KNearestNeighborsTest.php | 6 +-- tests/Classifiers/LogisticRegressionTest.php | 6 +-- tests/Classifiers/LogitBoostTest.php | 6 +-- .../Classifiers/MultilayerPerceptronTest.php | 6 +-- tests/Classifiers/NaiveBayesTest.php | 6 +-- tests/Classifiers/OneVsRestTest.php | 6 +-- tests/Classifiers/RadiusNeighborsTest.php | 6 +-- tests/Classifiers/RandomForestTest.php | 6 +-- tests/Classifiers/SVCTest.php | 6 +-- tests/Classifiers/SoftmaxClassifierTest.php | 6 +-- tests/Clusterers/DBSCANTest.php | 6 +-- tests/Clusterers/FuzzyCMeansTest.php | 6 +-- tests/Clusterers/GaussianMixtureTest.php | 6 +-- tests/Clusterers/KMeansTest.php | 6 +-- tests/Clusterers/MeanShiftTest.php | 6 +-- tests/Clusterers/Seeders/KMC2Test.php | 4 +- tests/Clusterers/Seeders/PlusPlusTest.php | 4 +- tests/Clusterers/Seeders/PresetTest.php | 2 +- tests/Clusterers/Seeders/RandomTest.php | 4 +- tests/CommitteeMachineTest.php | 6 +-- tests/CrossValidation/HoldOutTest.php | 8 +-- tests/CrossValidation/KFoldTest.php | 8 +-- tests/CrossValidation/LeavePOutTest.php | 8 +-- .../CrossValidation/Metrics/AccuracyTest.php | 2 +- .../Metrics/BrierScoreTest.php | 2 +- .../Metrics/CompletenessTest.php | 2 +- tests/CrossValidation/Metrics/FBetaTest.php | 2 +- .../Metrics/HomogeneityTest.php | 2 +- .../Metrics/InformednessTest.php | 2 +- tests/CrossValidation/Metrics/MCCTest.php | 2 +- .../Metrics/MeanAbsoluteErrorTest.php | 2 +- .../Metrics/MeanSquaredErrorTest.php | 2 +- .../Metrics/MedianAbsoluteErrorTest.php | 2 +- .../Metrics/ProbabilisticAccuracyTest.php | 2 +- tests/CrossValidation/Metrics/RMSETest.php | 2 +- .../CrossValidation/Metrics/RSquaredTest.php | 2 +- .../CrossValidation/Metrics/RandIndexTest.php | 2 +- tests/CrossValidation/Metrics/SMAPETest.php | 2 +- .../Metrics/TopKAccuracyTest.php | 2 +- .../CrossValidation/Metrics/VMeasureTest.php | 2 +- tests/CrossValidation/MonteCarloTest.php | 8 +-- .../Reports/AggregateReportTest.php | 2 +- .../Reports/ConfusionMatrixTest.php | 2 +- .../Reports/ContingencyTableTest.php | 2 +- .../Reports/ErrorAnalysisTest.php | 2 +- .../Reports/MulticlassBreakdownTest.php | 2 +- tests/DataTypeTest.php | 4 +- tests/Datasets/Generators/AgglomerateTest.php | 2 +- tests/Datasets/Generators/BlobTest.php | 2 +- tests/Datasets/Generators/CircleTest.php | 2 +- tests/Datasets/Generators/HalfMoonTest.php | 2 +- tests/Datasets/Generators/HyperplaneTest.php | 2 +- tests/Datasets/Generators/SwissRollTest.php | 2 +- tests/Datasets/LabeledTest.php | 2 +- tests/Datasets/UnlabeledTest.php | 2 +- tests/DeferredTest.php | 2 +- tests/EncodingTest.php | 2 +- tests/EstimatorTypeTest.php | 2 +- tests/Extractors/DeduplicatorTest.php | 2 +- tests/Graph/Nodes/AverageTest.php | 2 +- tests/Graph/Nodes/BallTest.php | 2 +- tests/Graph/Nodes/BestTest.php | 2 +- tests/Graph/Nodes/BoxTest.php | 2 +- tests/Graph/Nodes/CliqueTest.php | 2 +- tests/Graph/Nodes/DepthTest.php | 2 +- tests/Graph/Nodes/IsolatorTest.php | 2 +- tests/Graph/Nodes/NeighborhoodTest.php | 2 +- tests/Graph/Nodes/SplitTest.php | 2 +- tests/Graph/Trees/BallTreeTest.php | 4 +- tests/Graph/Trees/ITreeTest.php | 4 +- tests/Graph/Trees/KDTreeTest.php | 4 +- tests/GridSearchTest.php | 6 +-- tests/Kernels/Distance/CanberraTest.php | 2 +- tests/Kernels/Distance/CosineTest.php | 2 +- tests/Kernels/Distance/DiagonalTest.php | 2 +- tests/Kernels/Distance/EuclideanTest.php | 2 +- tests/Kernels/Distance/GowerTest.php | 2 +- tests/Kernels/Distance/HammingTest.php | 2 +- tests/Kernels/Distance/JaccardTest.php | 2 +- tests/Kernels/Distance/ManhattanTest.php | 2 +- tests/Kernels/Distance/MinkowskiTest.php | 2 +- tests/Kernels/Distance/SafeEuclideanTest.php | 2 +- tests/Kernels/Distance/SparseCosineTest.php | 2 +- tests/Kernels/SVM/LinearTest.php | 2 +- tests/Kernels/SVM/PolynomialTest.php | 2 +- tests/Kernels/SVM/RBFTest.php | 2 +- tests/Kernels/SVM/SigmoidalTest.php | 2 +- tests/Loggers/ScreenTest.php | 2 +- .../NeuralNet/ActivationFunctions/ELUTest.php | 8 +-- .../ActivationFunctions/GELUTest.php | 8 +-- .../HyperbolicTangentTest.php | 8 +-- .../ActivationFunctions/LeakyReLUTest.php | 8 +-- .../ActivationFunctions/ReLUTest.php | 8 +-- .../ActivationFunctions/SELUTest.php | 8 +-- .../ActivationFunctions/SiLUTest.php | 8 +-- .../ActivationFunctions/SigmoidTest.php | 8 +-- .../ActivationFunctions/SoftPlusTest.php | 8 +-- .../ActivationFunctions/SoftmaxTest.php | 8 +-- .../ActivationFunctions/SoftsignTest.php | 8 +-- .../ThresholdedReLUTest.php | 8 +-- .../CostFunctions/CrossEntropyTest.php | 10 ++-- .../NeuralNet/CostFunctions/HuberLossTest.php | 10 ++-- .../CostFunctions/LeastSquaresTest.php | 10 ++-- .../CostFunctions/RelativeEntropyTest.php | 10 ++-- tests/NeuralNet/FeedForwardTest.php | 6 +-- tests/NeuralNet/Initializers/ConstantTest.php | 2 +- tests/NeuralNet/Initializers/HeTest.php | 2 +- tests/NeuralNet/Initializers/LeCunTest.php | 2 +- tests/NeuralNet/Initializers/NormalTest.php | 2 +- tests/NeuralNet/Initializers/UniformTest.php | 2 +- tests/NeuralNet/Initializers/Xavier1Test.php | 2 +- tests/NeuralNet/Initializers/Xavier2Test.php | 2 +- tests/NeuralNet/Layers/ActivationTest.php | 6 +-- tests/NeuralNet/Layers/BatchNormTest.php | 6 +-- tests/NeuralNet/Layers/BinaryTest.php | 4 +- tests/NeuralNet/Layers/ContinuousTest.php | 4 +- tests/NeuralNet/Layers/DenseTest.php | 6 +-- tests/NeuralNet/Layers/DropoutTest.php | 6 +-- tests/NeuralNet/Layers/MulticlassTest.php | 4 +- tests/NeuralNet/Layers/NoiseTest.php | 6 +-- tests/NeuralNet/Layers/PReLUTest.php | 6 +-- tests/NeuralNet/Layers/Placeholder1DTest.php | 4 +- tests/NeuralNet/Layers/SwishTest.php | 6 +-- tests/NeuralNet/Optimizers/AdaGradTest.php | 4 +- tests/NeuralNet/Optimizers/AdaMaxTest.php | 4 +- tests/NeuralNet/Optimizers/AdamTest.php | 4 +- tests/NeuralNet/Optimizers/CyclicalTest.php | 4 +- tests/NeuralNet/Optimizers/MomentumTest.php | 4 +- tests/NeuralNet/Optimizers/RMSPropTest.php | 4 +- tests/NeuralNet/Optimizers/StepDecayTest.php | 4 +- tests/NeuralNet/Optimizers/StochasticTest.php | 4 +- tests/NeuralNet/ParameterTest.php | 2 +- tests/NeuralNet/SnapshotTest.php | 2 +- tests/PersistentModelTest.php | 2 +- tests/Persisters/FilesystemTest.php | 2 +- tests/PipelineTest.php | 6 +-- tests/Regressors/AdalineTest.php | 6 +-- tests/Regressors/ExtraTreeRegressorTest.php | 6 +-- tests/Regressors/GradientBoostTest.php | 6 +-- tests/Regressors/KDNeighborsRegressorTest.php | 6 +-- tests/Regressors/KNNRegressorTest.php | 6 +-- tests/Regressors/MLPRegressorTest.php | 6 +-- .../RadiusNeighborsRegressorTest.php | 6 +-- tests/Regressors/RegressionTreeTest.php | 6 +-- tests/Regressors/RidgeTest.php | 6 +-- tests/Regressors/SVRTest.php | 6 +-- tests/ReportTest.php | 2 +- tests/Serializers/GzipNativeTest.php | 4 +- tests/Serializers/NativeTest.php | 4 +- tests/Serializers/RBXTest.php | 4 +- .../DatasetHasDimensionalityTest.php | 2 +- tests/Specifications/DatasetIsLabeledTest.php | 2 +- .../Specifications/DatasetIsNotEmptyTest.php | 2 +- .../EstimatorIsCompatibleWithMetricTest.php | 2 +- .../Specifications/ExtensionIsLoadedTest.php | 2 +- .../ExtensionMinimumVersionTest.php | 2 +- .../LabelsAreCompatibleWithLearnerTest.php | 2 +- .../SamplesAreCompatibleWithDistanceTest.php | 2 +- .../SamplesAreCompatibleWithEstimatorTest.php | 2 +- ...amplesAreCompatibleWithTransformerTest.php | 2 +- .../Specifications/SpecificationChainTest.php | 2 +- tests/Strategies/ConstantTest.php | 2 +- tests/Strategies/KMostFrequentTest.php | 2 +- tests/Strategies/MeanTest.php | 2 +- tests/Strategies/PercentileTest.php | 2 +- tests/Strategies/PriorTest.php | 2 +- tests/Strategies/WildGuessTest.php | 2 +- tests/Tokenizers/KSkipNGramTest.php | 2 +- tests/Tokenizers/NGramTest.php | 2 +- tests/Tokenizers/SentenceTest.php | 2 +- tests/Tokenizers/WhitespaceTest.php | 2 +- tests/Tokenizers/WordStemmerTest.php | 2 +- tests/Tokenizers/WordTest.php | 2 +- tests/Transformers/BM25TransformerTest.php | 2 +- tests/Transformers/BooleanConverterTest.php | 2 +- .../GaussianRandomProjectorTest.php | 4 +- tests/Transformers/HotDeckImputerTest.php | 4 +- tests/Transformers/ImageResizerTest.php | 2 +- tests/Transformers/ImageRotatorTest.php | 2 +- tests/Transformers/ImageVectorizerTest.php | 4 +- .../Transformers/IntervalDiscretizerTest.php | 4 +- tests/Transformers/KNNImputerTest.php | 4 +- tests/Transformers/L1NormalizerTest.php | 2 +- tests/Transformers/L2NormalizerTest.php | 2 +- tests/Transformers/LambdaFunctionTest.php | 2 +- .../LinearDiscriminantAnalysisTest.php | 4 +- tests/Transformers/MaxAbsoluteScalerTest.php | 4 +- tests/Transformers/MinMaxNormalizerTest.php | 4 +- tests/Transformers/MissingDataImputerTest.php | 2 +- .../MultibyteTextNormalizerTest.php | 4 +- .../NumericStringConverterTest.php | 2 +- tests/Transformers/OneHotEncoderTest.php | 2 +- tests/Transformers/PolynomialExpanderTest.php | 2 +- .../PrincipalComponentAnalysisTest.php | 4 +- tests/Transformers/RegexFilterTest.php | 2 +- tests/Transformers/RobustStandardizerTest.php | 4 +- .../SparseRandomProjectorTest.php | 4 +- tests/Transformers/StopWordFilterTest.php | 2 +- tests/Transformers/TSNETest.php | 4 +- tests/Transformers/TextNormalizerTest.php | 2 +- tests/Transformers/TfIdfTransformerTest.php | 2 +- .../TokenHashingVectorizerTest.php | 2 +- tests/Transformers/TruncatedSVDTest.php | 4 +- .../Transformers/WordCountVectorizerTest.php | 2 +- tests/Transformers/ZScaleStandardizerTest.php | 4 +- 534 files changed, 1649 insertions(+), 1649 deletions(-) diff --git a/.php-cs-fixer.dist.php b/.php-cs-fixer.dist.php index 50fa7e07f..9a95a997e 100644 --- a/.php-cs-fixer.dist.php +++ b/.php-cs-fixer.dist.php @@ -27,7 +27,7 @@ 'class_attributes_separation' => true, 'combine_consecutive_issets' => true, 'combine_consecutive_unsets' => true, - 'compact_nullable_typehint' => true, + 'compact_nullable_type_declaration' => true, 'concat_space' => ['spacing' => 'one'], 'fully_qualified_strict_types' => true, 'increment_style' => ['style' => 'pre'], @@ -42,8 +42,8 @@ 'strategy' => 'no_multi_line', ], 'native_function_casing' => true, - 'native_function_type_declaration_casing' => true, - 'new_with_braces' => true, + 'native_type_declaration_casing' => true, + 'new_with_parentheses' => true, 'no_alternative_syntax' => true, 'no_blank_lines_after_class_opening' => true, 'no_blank_lines_after_phpdoc' => true, @@ -60,7 +60,7 @@ 'no_superfluous_elseif' => true, 'no_trailing_comma_in_singleline' => true, 'no_unneeded_control_parentheses' => true, - 'no_unneeded_curly_braces' => true, + 'no_unneeded_braces' => true, 'no_unset_cast' => true, 'no_unused_imports' => true, 'no_useless_else' => true, diff --git a/benchmarks/AnomalyDetectors/GaussianMLEBench.php b/benchmarks/AnomalyDetectors/GaussianMLEBench.php index 5fe59cd10..33e554d88 100644 --- a/benchmarks/AnomalyDetectors/GaussianMLEBench.php +++ b/benchmarks/AnomalyDetectors/GaussianMLEBench.php @@ -27,7 +27,7 @@ class GaussianMLEBench protected $testing; /** - * @var \Rubix\ML\AnomalyDetectors\GaussianMLE + * @var GaussianMLE */ protected $estimator; diff --git a/benchmarks/AnomalyDetectors/IsolationForestBench.php b/benchmarks/AnomalyDetectors/IsolationForestBench.php index 22783a5b8..33e162b02 100644 --- a/benchmarks/AnomalyDetectors/IsolationForestBench.php +++ b/benchmarks/AnomalyDetectors/IsolationForestBench.php @@ -27,7 +27,7 @@ class IsolationForestBench protected $testing; /** - * @var \Rubix\ML\AnomalyDetectors\IsolationForest + * @var IsolationForest */ protected $estimator; diff --git a/benchmarks/AnomalyDetectors/LocalOutlierFactorBench.php b/benchmarks/AnomalyDetectors/LocalOutlierFactorBench.php index 7a4945977..ac3b8397b 100644 --- a/benchmarks/AnomalyDetectors/LocalOutlierFactorBench.php +++ b/benchmarks/AnomalyDetectors/LocalOutlierFactorBench.php @@ -27,7 +27,7 @@ class LocalOutlierFactorBench protected $testing; /** - * @var \Rubix\ML\AnomalyDetectors\LocalOutlierFactor + * @var LocalOutlierFactor */ protected $estimator; diff --git a/benchmarks/AnomalyDetectors/LodaBench.php b/benchmarks/AnomalyDetectors/LodaBench.php index ab61946eb..3b742217a 100644 --- a/benchmarks/AnomalyDetectors/LodaBench.php +++ b/benchmarks/AnomalyDetectors/LodaBench.php @@ -27,7 +27,7 @@ class LodaBench protected $testing; /** - * @var \Rubix\ML\AnomalyDetectors\Loda + * @var Loda */ protected $estimator; diff --git a/benchmarks/AnomalyDetectors/OneClassSVMBench.php b/benchmarks/AnomalyDetectors/OneClassSVMBench.php index c758288c9..1d722c3dc 100644 --- a/benchmarks/AnomalyDetectors/OneClassSVMBench.php +++ b/benchmarks/AnomalyDetectors/OneClassSVMBench.php @@ -27,7 +27,7 @@ class OneClassSVMBench protected $testing; /** - * @var \Rubix\ML\AnomalyDetectors\OneClassSVM + * @var OneClassSVM */ protected $estimator; diff --git a/benchmarks/AnomalyDetectors/RobustZScoreBench.php b/benchmarks/AnomalyDetectors/RobustZScoreBench.php index 58332659a..a4851c804 100644 --- a/benchmarks/AnomalyDetectors/RobustZScoreBench.php +++ b/benchmarks/AnomalyDetectors/RobustZScoreBench.php @@ -27,7 +27,7 @@ class RobustZScoreBench protected $testing; /** - * @var \Rubix\ML\AnomalyDetectors\RobustZScore + * @var RobustZScore */ protected $estimator; diff --git a/benchmarks/Classifiers/AdaBoostBench.php b/benchmarks/Classifiers/AdaBoostBench.php index 780d49e5c..faad0eda6 100644 --- a/benchmarks/Classifiers/AdaBoostBench.php +++ b/benchmarks/Classifiers/AdaBoostBench.php @@ -28,7 +28,7 @@ class AdaBoostBench protected $testing; /** - * @var \Rubix\ML\Classifiers\AdaBoost + * @var AdaBoost */ protected $estimator; diff --git a/benchmarks/Classifiers/ClassificationTreeBench.php b/benchmarks/Classifiers/ClassificationTreeBench.php index d87f0b0c3..94e0e6e14 100644 --- a/benchmarks/Classifiers/ClassificationTreeBench.php +++ b/benchmarks/Classifiers/ClassificationTreeBench.php @@ -27,7 +27,7 @@ class ClassificationTreeBench protected $testing; /** - * @var \Rubix\ML\Classifiers\ClassificationTree + * @var ClassificationTree */ protected $estimator; diff --git a/benchmarks/Classifiers/ExtraTreeClassifierBench.php b/benchmarks/Classifiers/ExtraTreeClassifierBench.php index 52192189c..c24f51449 100644 --- a/benchmarks/Classifiers/ExtraTreeClassifierBench.php +++ b/benchmarks/Classifiers/ExtraTreeClassifierBench.php @@ -27,7 +27,7 @@ class ExtraTreeClassifierBench protected $testing; /** - * @var \Rubix\ML\Classifiers\ExtraTreeClassifier + * @var ExtraTreeClassifier */ protected $estimator; diff --git a/benchmarks/Classifiers/GaussianNBBench.php b/benchmarks/Classifiers/GaussianNBBench.php index bb2da38bd..0e93b05b3 100644 --- a/benchmarks/Classifiers/GaussianNBBench.php +++ b/benchmarks/Classifiers/GaussianNBBench.php @@ -27,7 +27,7 @@ class GaussianNBBench protected $testing; /** - * @var \Rubix\ML\Classifiers\GaussianNB + * @var GaussianNB */ protected $estimator; diff --git a/benchmarks/Classifiers/KDNeighborsBench.php b/benchmarks/Classifiers/KDNeighborsBench.php index 9540991a5..351700830 100644 --- a/benchmarks/Classifiers/KDNeighborsBench.php +++ b/benchmarks/Classifiers/KDNeighborsBench.php @@ -27,7 +27,7 @@ class KDNeighborsBench protected $testing; /** - * @var \Rubix\ML\Classifiers\KDNeighbors + * @var KDNeighbors */ protected $estimator; diff --git a/benchmarks/Classifiers/KNearestNeighborsBench.php b/benchmarks/Classifiers/KNearestNeighborsBench.php index b7b35a751..1d0c3f7cb 100644 --- a/benchmarks/Classifiers/KNearestNeighborsBench.php +++ b/benchmarks/Classifiers/KNearestNeighborsBench.php @@ -27,7 +27,7 @@ class KNearestNeighborsBench protected $testing; /** - * @var \Rubix\ML\Classifiers\KNearestNeighbors + * @var KNearestNeighbors */ protected $estimator; diff --git a/benchmarks/Classifiers/LogisticRegressionBench.php b/benchmarks/Classifiers/LogisticRegressionBench.php index fb1d8f51a..fd00b295b 100644 --- a/benchmarks/Classifiers/LogisticRegressionBench.php +++ b/benchmarks/Classifiers/LogisticRegressionBench.php @@ -27,7 +27,7 @@ class LogisticRegressionBench protected $testing; /** - * @var \Rubix\ML\Classifiers\LogisticRegression + * @var LogisticRegression */ protected $estimator; diff --git a/benchmarks/Classifiers/LogitBoostBench.php b/benchmarks/Classifiers/LogitBoostBench.php index 106118e03..b1b2b0ee0 100644 --- a/benchmarks/Classifiers/LogitBoostBench.php +++ b/benchmarks/Classifiers/LogitBoostBench.php @@ -27,7 +27,7 @@ class LogitBoostBench protected $testing; /** - * @var \Rubix\ML\Classifiers\LogitBoost + * @var LogitBoost */ protected $estimator; diff --git a/benchmarks/Classifiers/MultilayerPerceptronBench.php b/benchmarks/Classifiers/MultilayerPerceptronBench.php index 34ff55825..fa6b23087 100644 --- a/benchmarks/Classifiers/MultilayerPerceptronBench.php +++ b/benchmarks/Classifiers/MultilayerPerceptronBench.php @@ -30,7 +30,7 @@ class MultilayerPerceptronBench protected $testing; /** - * @var \Rubix\ML\Classifiers\MultilayerPerceptron + * @var MultilayerPerceptron */ protected $estimator; diff --git a/benchmarks/Classifiers/NaiveBayesBench.php b/benchmarks/Classifiers/NaiveBayesBench.php index ce407c9e3..81f59183e 100644 --- a/benchmarks/Classifiers/NaiveBayesBench.php +++ b/benchmarks/Classifiers/NaiveBayesBench.php @@ -28,7 +28,7 @@ class NaiveBayesBench protected $testing; /** - * @var \Rubix\ML\Classifiers\NaiveBayes + * @var NaiveBayes */ protected $estimator; diff --git a/benchmarks/Classifiers/OneVsRestBench.php b/benchmarks/Classifiers/OneVsRestBench.php index 2bb8bc319..19e450c42 100644 --- a/benchmarks/Classifiers/OneVsRestBench.php +++ b/benchmarks/Classifiers/OneVsRestBench.php @@ -29,7 +29,7 @@ class OneVsRestBench protected $testing; /** - * @var \Rubix\ML\Classifiers\OneVsRest + * @var OneVsRest */ protected $estimator; diff --git a/benchmarks/Classifiers/RadiusNeighborsBench.php b/benchmarks/Classifiers/RadiusNeighborsBench.php index 648e61407..b7e1bce1a 100644 --- a/benchmarks/Classifiers/RadiusNeighborsBench.php +++ b/benchmarks/Classifiers/RadiusNeighborsBench.php @@ -27,7 +27,7 @@ class RadiusNeighborsBench protected $testing; /** - * @var \Rubix\ML\Classifiers\RadiusNeighbors + * @var RadiusNeighbors */ protected $estimator; diff --git a/benchmarks/Classifiers/RandomForestBench.php b/benchmarks/Classifiers/RandomForestBench.php index 1a03a9fc1..8fae90db7 100644 --- a/benchmarks/Classifiers/RandomForestBench.php +++ b/benchmarks/Classifiers/RandomForestBench.php @@ -28,7 +28,7 @@ class RandomForestBench protected $testing; /** - * @var \Rubix\ML\Classifiers\RandomForest + * @var RandomForest */ protected $estimator; diff --git a/benchmarks/Classifiers/SVCBench.php b/benchmarks/Classifiers/SVCBench.php index 5b442a089..5789ad476 100644 --- a/benchmarks/Classifiers/SVCBench.php +++ b/benchmarks/Classifiers/SVCBench.php @@ -28,7 +28,7 @@ class SVCBench protected $testing; /** - * @var \Rubix\ML\Classifiers\SVC + * @var SVC */ protected $estimator; diff --git a/benchmarks/Classifiers/SoftmaxClassifierBench.php b/benchmarks/Classifiers/SoftmaxClassifierBench.php index 9d554e6dd..64b598af1 100644 --- a/benchmarks/Classifiers/SoftmaxClassifierBench.php +++ b/benchmarks/Classifiers/SoftmaxClassifierBench.php @@ -27,7 +27,7 @@ class SoftmaxClassifierBench protected $testing; /** - * @var \Rubix\ML\Classifiers\SoftmaxClassifier + * @var SoftmaxClassifier */ protected $estimator; diff --git a/benchmarks/Clusterers/DBSCANBench.php b/benchmarks/Clusterers/DBSCANBench.php index 23a381041..41baee8dd 100644 --- a/benchmarks/Clusterers/DBSCANBench.php +++ b/benchmarks/Clusterers/DBSCANBench.php @@ -20,7 +20,7 @@ class DBSCANBench protected $testing; /** - * @var \Rubix\ML\Clusterers\DBSCAN + * @var DBSCAN */ protected $estimator; diff --git a/benchmarks/Clusterers/FuzzyCMeansBench.php b/benchmarks/Clusterers/FuzzyCMeansBench.php index c5bdb7d0a..3c629633e 100644 --- a/benchmarks/Clusterers/FuzzyCMeansBench.php +++ b/benchmarks/Clusterers/FuzzyCMeansBench.php @@ -27,7 +27,7 @@ class FuzzyCMeansBench protected $testing; /** - * @var \Rubix\ML\Clusterers\FuzzyCMeans + * @var FuzzyCMeans */ protected $estimator; diff --git a/benchmarks/Clusterers/GaussianMixtureBench.php b/benchmarks/Clusterers/GaussianMixtureBench.php index 99e729700..0d2167837 100644 --- a/benchmarks/Clusterers/GaussianMixtureBench.php +++ b/benchmarks/Clusterers/GaussianMixtureBench.php @@ -27,7 +27,7 @@ class GaussianMixtureBench protected $testing; /** - * @var \Rubix\ML\Clusterers\GaussianMixture + * @var GaussianMixture */ protected $estimator; diff --git a/benchmarks/Clusterers/KMeansBench.php b/benchmarks/Clusterers/KMeansBench.php index 34e817da8..598e0b0d9 100644 --- a/benchmarks/Clusterers/KMeansBench.php +++ b/benchmarks/Clusterers/KMeansBench.php @@ -27,7 +27,7 @@ class KMeansBench protected $testing; /** - * @var \Rubix\ML\Clusterers\KMeans + * @var KMeans */ protected $estimator; diff --git a/benchmarks/Clusterers/MeanShiftBench.php b/benchmarks/Clusterers/MeanShiftBench.php index d05af759e..0ae0d9afd 100644 --- a/benchmarks/Clusterers/MeanShiftBench.php +++ b/benchmarks/Clusterers/MeanShiftBench.php @@ -27,7 +27,7 @@ class MeanShiftBench protected $testing; /** - * @var \Rubix\ML\Clusterers\MeanShift + * @var MeanShift */ protected $estimator; diff --git a/benchmarks/Graph/Trees/BallTreeBench.php b/benchmarks/Graph/Trees/BallTreeBench.php index a5c48a374..c4066c4a5 100644 --- a/benchmarks/Graph/Trees/BallTreeBench.php +++ b/benchmarks/Graph/Trees/BallTreeBench.php @@ -20,7 +20,7 @@ class BallTreeBench protected $dataset; /** - * @var \Rubix\ML\Graph\Trees\BallTree + * @var BallTree */ protected $tree; diff --git a/benchmarks/Graph/Trees/KDTreeBench.php b/benchmarks/Graph/Trees/KDTreeBench.php index 4400555e7..ad4f479d2 100644 --- a/benchmarks/Graph/Trees/KDTreeBench.php +++ b/benchmarks/Graph/Trees/KDTreeBench.php @@ -20,7 +20,7 @@ class KDTreeBench protected $dataset; /** - * @var \Rubix\ML\Graph\Trees\KDTree + * @var KDTree */ protected $tree; diff --git a/benchmarks/Kernels/Distance/CanberraBench.php b/benchmarks/Kernels/Distance/CanberraBench.php index cf09caa9a..42e60b1bf 100644 --- a/benchmarks/Kernels/Distance/CanberraBench.php +++ b/benchmarks/Kernels/Distance/CanberraBench.php @@ -24,7 +24,7 @@ class CanberraBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\Canberra + * @var Canberra */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/CosineBench.php b/benchmarks/Kernels/Distance/CosineBench.php index d4037d04e..509282b9b 100644 --- a/benchmarks/Kernels/Distance/CosineBench.php +++ b/benchmarks/Kernels/Distance/CosineBench.php @@ -23,7 +23,7 @@ class CosineBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\Cosine + * @var Cosine */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/DiagonalBench.php b/benchmarks/Kernels/Distance/DiagonalBench.php index 347daf189..b766d2db3 100644 --- a/benchmarks/Kernels/Distance/DiagonalBench.php +++ b/benchmarks/Kernels/Distance/DiagonalBench.php @@ -24,7 +24,7 @@ class DiagonalBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\Diagonal + * @var Diagonal */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/EuclideanBench.php b/benchmarks/Kernels/Distance/EuclideanBench.php index 02f71af1b..079a908fe 100644 --- a/benchmarks/Kernels/Distance/EuclideanBench.php +++ b/benchmarks/Kernels/Distance/EuclideanBench.php @@ -24,7 +24,7 @@ class EuclideanBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\Euclidean + * @var Euclidean */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/GowerBench.php b/benchmarks/Kernels/Distance/GowerBench.php index 6ff560631..a22918f18 100644 --- a/benchmarks/Kernels/Distance/GowerBench.php +++ b/benchmarks/Kernels/Distance/GowerBench.php @@ -25,7 +25,7 @@ class GowerBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\Gower + * @var Gower */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/JaccardBench.php b/benchmarks/Kernels/Distance/JaccardBench.php index 19fcc2e88..76337c1db 100644 --- a/benchmarks/Kernels/Distance/JaccardBench.php +++ b/benchmarks/Kernels/Distance/JaccardBench.php @@ -24,7 +24,7 @@ class JaccardBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\Jaccard + * @var Jaccard */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/ManhattanBench.php b/benchmarks/Kernels/Distance/ManhattanBench.php index fe38df6ad..781112eb0 100644 --- a/benchmarks/Kernels/Distance/ManhattanBench.php +++ b/benchmarks/Kernels/Distance/ManhattanBench.php @@ -24,7 +24,7 @@ class ManhattanBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\Manhattan + * @var Manhattan */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/MinkowskiBench.php b/benchmarks/Kernels/Distance/MinkowskiBench.php index 274af9101..a15ea70f7 100644 --- a/benchmarks/Kernels/Distance/MinkowskiBench.php +++ b/benchmarks/Kernels/Distance/MinkowskiBench.php @@ -24,7 +24,7 @@ class MinkowskiBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\Minkowski + * @var Minkowski */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/SafeEuclideanBench.php b/benchmarks/Kernels/Distance/SafeEuclideanBench.php index 4971901e3..939d7c117 100644 --- a/benchmarks/Kernels/Distance/SafeEuclideanBench.php +++ b/benchmarks/Kernels/Distance/SafeEuclideanBench.php @@ -25,7 +25,7 @@ class SafeEuclideanBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\SafeEuclidean + * @var SafeEuclidean */ protected $kernel; diff --git a/benchmarks/Kernels/Distance/SparseCosineBench.php b/benchmarks/Kernels/Distance/SparseCosineBench.php index 3018f229b..a4d35733f 100644 --- a/benchmarks/Kernels/Distance/SparseCosineBench.php +++ b/benchmarks/Kernels/Distance/SparseCosineBench.php @@ -23,7 +23,7 @@ class SparseCosineBench protected $bSamples; /** - * @var \Rubix\ML\Kernels\Distance\SparseCosine + * @var SparseCosine */ protected $kernel; diff --git a/benchmarks/NeuralNet/ActivationFunctions/ELUBench.php b/benchmarks/NeuralNet/ActivationFunctions/ELUBench.php index d51b10831..7a8346dde 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/ELUBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/ELUBench.php @@ -12,17 +12,17 @@ class ELUBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\ELU + * @var ELU */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/GELUBench.php b/benchmarks/NeuralNet/ActivationFunctions/GELUBench.php index ccb2a0b6b..654990600 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/GELUBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/GELUBench.php @@ -12,17 +12,17 @@ class GELUBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\GELU + * @var GELU */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/HyperbolicTangentBench.php b/benchmarks/NeuralNet/ActivationFunctions/HyperbolicTangentBench.php index e88e96a47..b5372e3ad 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/HyperbolicTangentBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/HyperbolicTangentBench.php @@ -12,17 +12,17 @@ class HyperbolicTangentBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\HyperbolicTangent + * @var HyperbolicTangent */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/LeakyReLUBench.php b/benchmarks/NeuralNet/ActivationFunctions/LeakyReLUBench.php index 543693992..60702cd90 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/LeakyReLUBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/LeakyReLUBench.php @@ -12,17 +12,17 @@ class LeakyReLUBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\LeakyReLU + * @var LeakyReLU */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/ReLUBench.php b/benchmarks/NeuralNet/ActivationFunctions/ReLUBench.php index 652b1cacb..ec0046e17 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/ReLUBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/ReLUBench.php @@ -12,17 +12,17 @@ class ReLUBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\ReLU + * @var ReLU */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/SELUBench.php b/benchmarks/NeuralNet/ActivationFunctions/SELUBench.php index 564143b50..7cc17910d 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/SELUBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/SELUBench.php @@ -12,17 +12,17 @@ class SELUBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\SELU + * @var SELU */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/SiLUBench.php b/benchmarks/NeuralNet/ActivationFunctions/SiLUBench.php index c4e58688e..f37ccaeae 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/SiLUBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/SiLUBench.php @@ -12,17 +12,17 @@ class SiLUBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\SiLU + * @var SiLU */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/SigmoidBench.php b/benchmarks/NeuralNet/ActivationFunctions/SigmoidBench.php index d4d60f00f..5c212818e 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/SigmoidBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/SigmoidBench.php @@ -12,17 +12,17 @@ class SigmoidBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Sigmoid + * @var Sigmoid */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/SoftPlusBench.php b/benchmarks/NeuralNet/ActivationFunctions/SoftPlusBench.php index a785dc0be..ddb9f7737 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/SoftPlusBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/SoftPlusBench.php @@ -12,17 +12,17 @@ class SoftPlusBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\SoftPlus + * @var SoftPlus */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/SoftmaxBench.php b/benchmarks/NeuralNet/ActivationFunctions/SoftmaxBench.php index ce15a52b3..c4f3f3143 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/SoftmaxBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/SoftmaxBench.php @@ -12,17 +12,17 @@ class SoftmaxBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Softmax + * @var Softmax */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/SoftsignBench.php b/benchmarks/NeuralNet/ActivationFunctions/SoftsignBench.php index eaa1759a0..94a90effe 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/SoftsignBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/SoftsignBench.php @@ -12,17 +12,17 @@ class SoftsignBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Softsign + * @var Softsign */ protected $activationFn; diff --git a/benchmarks/NeuralNet/ActivationFunctions/ThresholdedReLUBench.php b/benchmarks/NeuralNet/ActivationFunctions/ThresholdedReLUBench.php index 8278a6bee..4cba5d37f 100644 --- a/benchmarks/NeuralNet/ActivationFunctions/ThresholdedReLUBench.php +++ b/benchmarks/NeuralNet/ActivationFunctions/ThresholdedReLUBench.php @@ -12,17 +12,17 @@ class ThresholdedReLUBench { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $z; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $computed; /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\ThresholdedReLU + * @var ThresholdedReLU */ protected $activationFn; diff --git a/benchmarks/Persisters/Serializers/GzipNativeBench.php b/benchmarks/Persisters/Serializers/GzipNativeBench.php index 20155b76a..57ac31531 100644 --- a/benchmarks/Persisters/Serializers/GzipNativeBench.php +++ b/benchmarks/Persisters/Serializers/GzipNativeBench.php @@ -16,7 +16,7 @@ class GzipNativeBench protected const TRAINING_SIZE = 10000; /** - * @var \Rubix\ML\Serializers\GzipNative + * @var GzipNative */ protected $serializer; diff --git a/benchmarks/Persisters/Serializers/NativeBench.php b/benchmarks/Persisters/Serializers/NativeBench.php index cdaf26171..138c46d47 100644 --- a/benchmarks/Persisters/Serializers/NativeBench.php +++ b/benchmarks/Persisters/Serializers/NativeBench.php @@ -16,7 +16,7 @@ class NativeBench protected const TRAINING_SIZE = 10000; /** - * @var \Rubix\ML\Serializers\Native + * @var Native */ protected $serializer; diff --git a/benchmarks/Persisters/Serializers/RBXBench.php b/benchmarks/Persisters/Serializers/RBXBench.php index c4877c39e..6e59f22fe 100644 --- a/benchmarks/Persisters/Serializers/RBXBench.php +++ b/benchmarks/Persisters/Serializers/RBXBench.php @@ -16,7 +16,7 @@ class RBXBench protected const TRAINING_SIZE = 10000; /** - * @var \Rubix\ML\Serializers\RBX + * @var RBX */ protected $serializer; diff --git a/benchmarks/Regressors/AdalineBench.php b/benchmarks/Regressors/AdalineBench.php index a3b56ed15..e9e026182 100644 --- a/benchmarks/Regressors/AdalineBench.php +++ b/benchmarks/Regressors/AdalineBench.php @@ -26,7 +26,7 @@ class AdalineBench protected $testing; /** - * @var \Rubix\ML\Regressors\Adaline + * @var Adaline */ protected $estimator; diff --git a/benchmarks/Regressors/ExtraTreeRegressorBench.php b/benchmarks/Regressors/ExtraTreeRegressorBench.php index 7bc41e6e9..ae7f04680 100644 --- a/benchmarks/Regressors/ExtraTreeRegressorBench.php +++ b/benchmarks/Regressors/ExtraTreeRegressorBench.php @@ -26,7 +26,7 @@ class ExtraTreeRegressorBench protected $testing; /** - * @var \Rubix\ML\Regressors\ExtraTreeRegressor + * @var ExtraTreeRegressor */ protected $estimator; diff --git a/benchmarks/Regressors/GradientBoostBench.php b/benchmarks/Regressors/GradientBoostBench.php index 694b3af7c..0321a697b 100644 --- a/benchmarks/Regressors/GradientBoostBench.php +++ b/benchmarks/Regressors/GradientBoostBench.php @@ -26,7 +26,7 @@ class GradientBoostBench protected $testing; /** - * @var \Rubix\ML\Regressors\GradientBoost + * @var GradientBoost */ protected $estimator; diff --git a/benchmarks/Regressors/KDNeighborsRegressorBench.php b/benchmarks/Regressors/KDNeighborsRegressorBench.php index 44dc15411..d9f26890d 100644 --- a/benchmarks/Regressors/KDNeighborsRegressorBench.php +++ b/benchmarks/Regressors/KDNeighborsRegressorBench.php @@ -26,7 +26,7 @@ class KDNeighborsRegressorBench protected $testing; /** - * @var \Rubix\ML\Regressors\KDNeighborsRegressor + * @var KDNeighborsRegressor */ protected $estimator; diff --git a/benchmarks/Regressors/KNNRegressorBench.php b/benchmarks/Regressors/KNNRegressorBench.php index 637988a15..993de0d00 100644 --- a/benchmarks/Regressors/KNNRegressorBench.php +++ b/benchmarks/Regressors/KNNRegressorBench.php @@ -26,7 +26,7 @@ class KNNRegressorBench protected $testing; /** - * @var \Rubix\ML\Regressors\KNNRegressor + * @var KNNRegressor */ protected $estimator; diff --git a/benchmarks/Regressors/MLPRegressorBench.php b/benchmarks/Regressors/MLPRegressorBench.php index 4eb6616be..8aaa0c6ab 100644 --- a/benchmarks/Regressors/MLPRegressorBench.php +++ b/benchmarks/Regressors/MLPRegressorBench.php @@ -29,7 +29,7 @@ class MLPRegressorBench protected $testing; /** - * @var \Rubix\ML\Regressors\MLPRegressor + * @var MLPRegressor */ protected $estimator; diff --git a/benchmarks/Regressors/RadiusNeighborsRegressorBench.php b/benchmarks/Regressors/RadiusNeighborsRegressorBench.php index 4ef0240b0..9813dfbaf 100644 --- a/benchmarks/Regressors/RadiusNeighborsRegressorBench.php +++ b/benchmarks/Regressors/RadiusNeighborsRegressorBench.php @@ -26,7 +26,7 @@ class RadiusNeighborsRegressorBench protected $testing; /** - * @var \Rubix\ML\Regressors\RadiusNeighborsRegressor + * @var RadiusNeighborsRegressor */ protected $estimator; diff --git a/benchmarks/Regressors/RegressionTreeBench.php b/benchmarks/Regressors/RegressionTreeBench.php index dc7d3acca..fab6d1abf 100644 --- a/benchmarks/Regressors/RegressionTreeBench.php +++ b/benchmarks/Regressors/RegressionTreeBench.php @@ -26,7 +26,7 @@ class RegressionTreeBench protected $testing; /** - * @var \Rubix\ML\Regressors\RegressionTree + * @var RegressionTree */ protected $estimator; diff --git a/benchmarks/Regressors/RidgeBench.php b/benchmarks/Regressors/RidgeBench.php index 404980694..d6f6f61f5 100644 --- a/benchmarks/Regressors/RidgeBench.php +++ b/benchmarks/Regressors/RidgeBench.php @@ -26,7 +26,7 @@ class RidgeBench protected $testing; /** - * @var \Rubix\ML\Regressors\Ridge + * @var Ridge */ protected $estimator; diff --git a/benchmarks/Regressors/SVRBench.php b/benchmarks/Regressors/SVRBench.php index bd8fab508..64fd4f333 100644 --- a/benchmarks/Regressors/SVRBench.php +++ b/benchmarks/Regressors/SVRBench.php @@ -26,7 +26,7 @@ class SVRBench protected $testing; /** - * @var \Rubix\ML\Regressors\SVR + * @var SVR */ protected $estimator; diff --git a/benchmarks/Transformers/BM25TransformerBench.php b/benchmarks/Transformers/BM25TransformerBench.php index fe33c27b8..bfd1a2f7d 100644 --- a/benchmarks/Transformers/BM25TransformerBench.php +++ b/benchmarks/Transformers/BM25TransformerBench.php @@ -15,12 +15,12 @@ class BM25TransformerBench protected const NUM_SAMPLES = 10000; /** - * @var \Rubix\ML\Datasets\Unlabeled + * @var Unlabeled */ protected $dataset; /** - * @var \Rubix\ML\Transformers\BM25Transformer + * @var BM25Transformer */ protected $transformer; diff --git a/benchmarks/Transformers/GaussianRandomProjectorBench.php b/benchmarks/Transformers/GaussianRandomProjectorBench.php index d4206c7d5..71ecf2317 100644 --- a/benchmarks/Transformers/GaussianRandomProjectorBench.php +++ b/benchmarks/Transformers/GaussianRandomProjectorBench.php @@ -20,7 +20,7 @@ class GaussianRandomProjectorBench public $dataset; /** - * @var \Rubix\ML\Transformers\GaussianRandomProjector + * @var GaussianRandomProjector */ protected $transformer; diff --git a/benchmarks/Transformers/ImageVectorizerBench.php b/benchmarks/Transformers/ImageVectorizerBench.php index aa0f4ddbf..3b00927b5 100644 --- a/benchmarks/Transformers/ImageVectorizerBench.php +++ b/benchmarks/Transformers/ImageVectorizerBench.php @@ -19,7 +19,7 @@ class ImageVectorizerBench public $dataset; /** - * @var \Rubix\ML\Transformers\ImageVectorizer + * @var ImageVectorizer */ protected $transformer; diff --git a/benchmarks/Transformers/IntervalDiscretizerBench.php b/benchmarks/Transformers/IntervalDiscretizerBench.php index 4ce77d865..e5bdf355b 100644 --- a/benchmarks/Transformers/IntervalDiscretizerBench.php +++ b/benchmarks/Transformers/IntervalDiscretizerBench.php @@ -20,7 +20,7 @@ class IntervalDiscretizerBench public $dataset; /** - * @var \Rubix\ML\Transformers\IntervalDiscretizer + * @var IntervalDiscretizer */ protected $transformer; diff --git a/benchmarks/Transformers/L1NormalizerBench.php b/benchmarks/Transformers/L1NormalizerBench.php index 7302c35e6..22446f765 100644 --- a/benchmarks/Transformers/L1NormalizerBench.php +++ b/benchmarks/Transformers/L1NormalizerBench.php @@ -20,7 +20,7 @@ class L1NormalizerBench public $dataset; /** - * @var \Rubix\ML\Transformers\L1Normalizer + * @var L1Normalizer */ protected $transformer; diff --git a/benchmarks/Transformers/L2NormalizerBench.php b/benchmarks/Transformers/L2NormalizerBench.php index 64927b4f5..351e70008 100644 --- a/benchmarks/Transformers/L2NormalizerBench.php +++ b/benchmarks/Transformers/L2NormalizerBench.php @@ -20,7 +20,7 @@ class L2NormalizerBench public $dataset; /** - * @var \Rubix\ML\Transformers\L2Normalizer + * @var L2Normalizer */ protected $transformer; diff --git a/benchmarks/Transformers/LinearDiscriminantAnalysisBench.php b/benchmarks/Transformers/LinearDiscriminantAnalysisBench.php index 662336600..7ef160f5d 100644 --- a/benchmarks/Transformers/LinearDiscriminantAnalysisBench.php +++ b/benchmarks/Transformers/LinearDiscriminantAnalysisBench.php @@ -20,7 +20,7 @@ class LinearDiscriminantAnalysisBench public $dataset; /** - * @var \Rubix\ML\Transformers\LinearDiscriminantAnalysis + * @var LinearDiscriminantAnalysis */ protected $transformer; diff --git a/benchmarks/Transformers/MaxAbsoluteScalerBench.php b/benchmarks/Transformers/MaxAbsoluteScalerBench.php index 9391d304d..a8f05ccb0 100644 --- a/benchmarks/Transformers/MaxAbsoluteScalerBench.php +++ b/benchmarks/Transformers/MaxAbsoluteScalerBench.php @@ -20,7 +20,7 @@ class MaxAbsoluteScalerBench public $dataset; /** - * @var \Rubix\ML\Transformers\MaxAbsoluteScaler + * @var MaxAbsoluteScaler */ protected $transformer; diff --git a/benchmarks/Transformers/MinMaxNormalizerBench.php b/benchmarks/Transformers/MinMaxNormalizerBench.php index faa995cda..af1cd4613 100644 --- a/benchmarks/Transformers/MinMaxNormalizerBench.php +++ b/benchmarks/Transformers/MinMaxNormalizerBench.php @@ -20,7 +20,7 @@ class MinMaxNormalizerBench public $dataset; /** - * @var \Rubix\ML\Transformers\MinMaxNormalizer + * @var MinMaxNormalizer */ protected $transformer; diff --git a/benchmarks/Transformers/MultibyteTextNormalizerBench.php b/benchmarks/Transformers/MultibyteTextNormalizerBench.php index e94840d64..a2ff1fa3f 100644 --- a/benchmarks/Transformers/MultibyteTextNormalizerBench.php +++ b/benchmarks/Transformers/MultibyteTextNormalizerBench.php @@ -16,12 +16,12 @@ class MultibyteTextNormalizerBench protected const SAMPLE_TEXT = 'Lorem ipsum dolor sit amet, consectetur adipiscing elit. Donec at nisl posuere, luctus sapien vel, maximus ex. Curabitur tincidunt, libero at commodo tempor, magna neque malesuada diam, vel blandit metus velit quis magna. Vestibulum auctor libero quam, eu ullamcorper nulla dapibus a. Mauris id ultricies sapien. Integer consequat mi eget vehicula vulputate. Mauris cursus nisi non semper dictum. Quisque luctus ex in tortor laoreet tincidunt. Vestibulum imperdiet purus sit amet sapien dignissim elementum. Mauris tincidunt eget ex eu laoreet. Etiam efficitur quam at purus sagittis hendrerit. Mauris tempus, sem in pulvinar imperdiet, lectus ipsum molestie ante, id semper nunc est sit amet sem. Nulla at justo eleifend, gravida neque eu, consequat arcu. Vivamus bibendum eleifend metus, id elementum orci aliquet ac. Praesent pellentesque nisi vitae tincidunt eleifend. Pellentesque quis ex et lorem laoreet hendrerit ut ac lorem. Aliquam non sagittis est.'; /** - * @var \Rubix\ML\Datasets\Unlabeled + * @var Unlabeled */ public $dataset; /** - * @var \Rubix\ML\Transformers\MultibyteTextNormalizer + * @var MultibyteTextNormalizer */ protected $transformer; diff --git a/benchmarks/Transformers/NumericStringConverterBench.php b/benchmarks/Transformers/NumericStringConverterBench.php index aa831cfca..c2eb49eb1 100644 --- a/benchmarks/Transformers/NumericStringConverterBench.php +++ b/benchmarks/Transformers/NumericStringConverterBench.php @@ -20,7 +20,7 @@ class NumericStringConverterBench public $dataset; /** - * @var \Rubix\ML\Transformers\NumericStringConverter + * @var NumericStringConverter */ protected $transformer; diff --git a/benchmarks/Transformers/PolynomialExpanderBench.php b/benchmarks/Transformers/PolynomialExpanderBench.php index 94cbe79f9..f43663e69 100644 --- a/benchmarks/Transformers/PolynomialExpanderBench.php +++ b/benchmarks/Transformers/PolynomialExpanderBench.php @@ -20,7 +20,7 @@ class PolynomialExpanderBench public $dataset; /** - * @var \Rubix\ML\Transformers\PolynomialExpander + * @var PolynomialExpander */ protected $transformer; diff --git a/benchmarks/Transformers/PrincipalComponentAnalysisBench.php b/benchmarks/Transformers/PrincipalComponentAnalysisBench.php index 778477fd4..2e6551294 100644 --- a/benchmarks/Transformers/PrincipalComponentAnalysisBench.php +++ b/benchmarks/Transformers/PrincipalComponentAnalysisBench.php @@ -20,7 +20,7 @@ class PrincipalComponentAnalysisBench public $dataset; /** - * @var \Rubix\ML\Transformers\PrincipalComponentAnalysis + * @var PrincipalComponentAnalysis */ protected $transformer; diff --git a/benchmarks/Transformers/RobustStandardizerBench.php b/benchmarks/Transformers/RobustStandardizerBench.php index 403bee675..acab63602 100644 --- a/benchmarks/Transformers/RobustStandardizerBench.php +++ b/benchmarks/Transformers/RobustStandardizerBench.php @@ -20,7 +20,7 @@ class RobustStandardizerBench public $dataset; /** - * @var \Rubix\ML\Transformers\RobustStandardizer + * @var RobustStandardizer */ protected $transformer; diff --git a/benchmarks/Transformers/SparseRandomProjectorBench.php b/benchmarks/Transformers/SparseRandomProjectorBench.php index 584c5f90a..8a8b0b81e 100644 --- a/benchmarks/Transformers/SparseRandomProjectorBench.php +++ b/benchmarks/Transformers/SparseRandomProjectorBench.php @@ -20,7 +20,7 @@ class SparseRandomProjectorBench public $dataset; /** - * @var \Rubix\ML\Transformers\SparseRandomProjector + * @var SparseRandomProjector */ protected $transformer; diff --git a/benchmarks/Transformers/StopWordFilterBench.php b/benchmarks/Transformers/StopWordFilterBench.php index a3685964d..35b8efc29 100644 --- a/benchmarks/Transformers/StopWordFilterBench.php +++ b/benchmarks/Transformers/StopWordFilterBench.php @@ -22,7 +22,7 @@ class StopWordFilterBench protected const SAMPLE_TEXT = "Machine learning is the study of computer algorithms that improve automatically through experience. It is seen as a subset of artificial intelligence. Machine learning algorithms build a mathematical model based on sample data, known as 'training data', in order to make predictions or decisions without being explicitly programmed to do so. Machine learning algorithms are used in a wide variety of applications, such as email filtering and computer vision, where it is difficult or infeasible to develop conventional algorithms to perform the needed tasks. Machine learning is closely related to computational statistics, which focuses on making predictions using computers. The study of mathematical optimization delivers methods, theory and application domains to the field of machine learning. Data mining is a related field of study, focusing on exploratory data analysis through unsupervised learning. In its application across business problems, machine learning is also referred to as predictive analytics."; /** - * @var \Rubix\ML\Datasets\Unlabeled + * @var Unlabeled */ protected $dataset; diff --git a/benchmarks/Transformers/TSNEBench.php b/benchmarks/Transformers/TSNEBench.php index eb3309314..d17ce1226 100644 --- a/benchmarks/Transformers/TSNEBench.php +++ b/benchmarks/Transformers/TSNEBench.php @@ -20,7 +20,7 @@ class TSNEBench protected $testing; /** - * @var \Rubix\ML\Transformers\TSNE + * @var TSNE */ protected $embedder; diff --git a/benchmarks/Transformers/TextNormalizerBench.php b/benchmarks/Transformers/TextNormalizerBench.php index 823b9d628..56ad147ae 100644 --- a/benchmarks/Transformers/TextNormalizerBench.php +++ b/benchmarks/Transformers/TextNormalizerBench.php @@ -16,12 +16,12 @@ class TextNormalizerBench protected const SAMPLE_TEXT = 'Lorem ipsum dolor sit amet, consectetur adipiscing elit. Donec at nisl posuere, luctus sapien vel, maximus ex. Curabitur tincidunt, libero at commodo tempor, magna neque malesuada diam, vel blandit metus velit quis magna. Vestibulum auctor libero quam, eu ullamcorper nulla dapibus a. Mauris id ultricies sapien. Integer consequat mi eget vehicula vulputate. Mauris cursus nisi non semper dictum. Quisque luctus ex in tortor laoreet tincidunt. Vestibulum imperdiet purus sit amet sapien dignissim elementum. Mauris tincidunt eget ex eu laoreet. Etiam efficitur quam at purus sagittis hendrerit. Mauris tempus, sem in pulvinar imperdiet, lectus ipsum molestie ante, id semper nunc est sit amet sem. Nulla at justo eleifend, gravida neque eu, consequat arcu. Vivamus bibendum eleifend metus, id elementum orci aliquet ac. Praesent pellentesque nisi vitae tincidunt eleifend. Pellentesque quis ex et lorem laoreet hendrerit ut ac lorem. Aliquam non sagittis est.'; /** - * @var \Rubix\ML\Datasets\Unlabeled + * @var Unlabeled */ public $dataset; /** - * @var \Rubix\ML\Transformers\TextNormalizer + * @var TextNormalizer */ protected $transformer; diff --git a/benchmarks/Transformers/TfIdfTransformerBench.php b/benchmarks/Transformers/TfIdfTransformerBench.php index 5dd99ea11..467cc816f 100644 --- a/benchmarks/Transformers/TfIdfTransformerBench.php +++ b/benchmarks/Transformers/TfIdfTransformerBench.php @@ -15,12 +15,12 @@ class TfIdfTransformerBench protected const DATASET_SIZE = 10000; /** - * @var \Rubix\ML\Datasets\Unlabeled + * @var Unlabeled */ public $dataset; /** - * @var \Rubix\ML\Transformers\TfIdfTransformer + * @var TfIdfTransformer */ protected $transformer; diff --git a/benchmarks/Transformers/TokenHashingVectorizerBench.php b/benchmarks/Transformers/TokenHashingVectorizerBench.php index 75296c78d..4e3412ec0 100644 --- a/benchmarks/Transformers/TokenHashingVectorizerBench.php +++ b/benchmarks/Transformers/TokenHashingVectorizerBench.php @@ -21,7 +21,7 @@ class TokenHashingVectorizerBench protected $dataset; /** - * @var \Rubix\ML\Transformers\TokenHashingVectorizer + * @var TokenHashingVectorizer */ protected $transformer; diff --git a/benchmarks/Transformers/TruncatedSVDBench.php b/benchmarks/Transformers/TruncatedSVDBench.php index bb23c7647..a863019b3 100644 --- a/benchmarks/Transformers/TruncatedSVDBench.php +++ b/benchmarks/Transformers/TruncatedSVDBench.php @@ -20,7 +20,7 @@ class TruncatedSVDBench public $dataset; /** - * @var \Rubix\ML\Transformers\TruncatedSVD + * @var TruncatedSVD */ protected $transformer; diff --git a/benchmarks/Transformers/WordCountVectorizerBench.php b/benchmarks/Transformers/WordCountVectorizerBench.php index e903da1d5..af9f84adb 100644 --- a/benchmarks/Transformers/WordCountVectorizerBench.php +++ b/benchmarks/Transformers/WordCountVectorizerBench.php @@ -21,7 +21,7 @@ class WordCountVectorizerBench protected $dataset; /** - * @var \Rubix\ML\Transformers\WordCountVectorizer + * @var WordCountVectorizer */ protected $transformer; diff --git a/benchmarks/Transformers/ZScaleStandardizerBench.php b/benchmarks/Transformers/ZScaleStandardizerBench.php index 5e632c3d9..7e73fb0e5 100644 --- a/benchmarks/Transformers/ZScaleStandardizerBench.php +++ b/benchmarks/Transformers/ZScaleStandardizerBench.php @@ -20,7 +20,7 @@ class ZScaleStandardizerBench public $dataset; /** - * @var \Rubix\ML\Transformers\ZScaleStandardizer + * @var ZScaleStandardizer */ protected $transformer; diff --git a/src/AnomalyDetectors/GaussianMLE.php b/src/AnomalyDetectors/GaussianMLE.php index cc2c4f6b4..39c2435d4 100644 --- a/src/AnomalyDetectors/GaussianMLE.php +++ b/src/AnomalyDetectors/GaussianMLE.php @@ -98,7 +98,7 @@ class GaussianMLE implements Estimator, Learner, Online, Scoring, Persistable /** * @param float $contamination * @param float $smoothing - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $contamination = 0.1, float $smoothing = 1e-9) { @@ -121,7 +121,7 @@ public function __construct(float $contamination = 0.1, float $smoothing = 1e-9) * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -190,7 +190,7 @@ public function variances() : array /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -226,7 +226,7 @@ public function train(Dataset $dataset) : void /** * Perform a partial train on the learner. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function partial(Dataset $dataset) : void { @@ -286,7 +286,7 @@ public function partial(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -316,8 +316,8 @@ public function predictSample(array $sample) : int /** * Return the anomaly scores assigned to the samples in a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function score(Dataset $dataset) : array diff --git a/src/AnomalyDetectors/IsolationForest.php b/src/AnomalyDetectors/IsolationForest.php index c49e26823..3cd055198 100644 --- a/src/AnomalyDetectors/IsolationForest.php +++ b/src/AnomalyDetectors/IsolationForest.php @@ -121,7 +121,7 @@ class IsolationForest implements Estimator, Learner, Scoring, Persistable * @param int $estimators * @param float|null $ratio * @param float|null $contamination - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $estimators = 100, ?float $ratio = null, ?float $contamination = null) { @@ -150,7 +150,7 @@ public function __construct(int $estimators = 100, ?float $ratio = null, ?float * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -201,7 +201,7 @@ public function trained() : bool /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -246,8 +246,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -277,8 +277,8 @@ public function predictSample(array $sample) : int /** * Return the anomaly scores assigned to the samples in a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function score(Dataset $dataset) : array diff --git a/src/AnomalyDetectors/LocalOutlierFactor.php b/src/AnomalyDetectors/LocalOutlierFactor.php index de20a42f9..4ebda0f00 100644 --- a/src/AnomalyDetectors/LocalOutlierFactor.php +++ b/src/AnomalyDetectors/LocalOutlierFactor.php @@ -65,7 +65,7 @@ class LocalOutlierFactor implements Estimator, Learner, Scoring, Persistable /** * The k-d tree used for nearest neighbor queries. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; @@ -105,7 +105,7 @@ class LocalOutlierFactor implements Estimator, Learner, Scoring, Persistable * @param int $k * @param float|null $contamination * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $k = 20, ?float $contamination = null, ?Spatial $tree = null) { @@ -129,7 +129,7 @@ public function __construct(int $k = 20, ?float $contamination = null, ?Spatial * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -177,7 +177,7 @@ public function trained() : bool /** * Return the base spatial tree instance. * - * @return \Rubix\ML\Graph\Trees\Spatial + * @return Spatial */ public function tree() : Spatial { @@ -187,7 +187,7 @@ public function tree() : Spatial /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -231,7 +231,7 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -261,8 +261,8 @@ public function predictSample(array $sample) : int /** * Return the anomaly scores assigned to the samples in a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function score(Dataset $dataset) : array diff --git a/src/AnomalyDetectors/Loda.php b/src/AnomalyDetectors/Loda.php index cb192201c..f06b9a4a7 100644 --- a/src/AnomalyDetectors/Loda.php +++ b/src/AnomalyDetectors/Loda.php @@ -129,7 +129,7 @@ class Loda implements Estimator, Learner, Online, Scoring, Persistable * @param float $contamination * @param int $estimators * @param int|null $bins - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $contamination = 0.1, int $estimators = 100, ?int $bins = null) { @@ -159,7 +159,7 @@ public function __construct(float $contamination = 0.1, int $estimators = 100, ? * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -209,7 +209,7 @@ public function trained() : bool /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -273,7 +273,7 @@ public function train(Dataset $dataset) : void /** * Perform a partial train on the learner. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function partial(Dataset $dataset) : void { @@ -326,7 +326,7 @@ public function partial(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -337,8 +337,8 @@ public function predict(Dataset $dataset) : array /** * Return the anomaly scores assigned to the samples in a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function score(Dataset $dataset) : array diff --git a/src/AnomalyDetectors/OneClassSVM.php b/src/AnomalyDetectors/OneClassSVM.php index 26715a0ee..faf1111be 100644 --- a/src/AnomalyDetectors/OneClassSVM.php +++ b/src/AnomalyDetectors/OneClassSVM.php @@ -42,7 +42,7 @@ class OneClassSVM implements Estimator, Learner /** * The support vector machine instance. * - * @var \svm + * @var svm */ protected \svm $svm; @@ -66,7 +66,7 @@ class OneClassSVM implements Estimator, Learner * @param bool $shrinking * @param float $tolerance * @param float $cacheSize - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $nu = 0.5, @@ -127,7 +127,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -173,7 +173,7 @@ public function trained() : bool /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -188,7 +188,7 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -202,7 +202,7 @@ public function predict(Dataset $dataset) : array * @internal * * @param list $sample - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return int */ public function predictSample(array $sample) : int @@ -218,7 +218,7 @@ public function predictSample(array $sample) : int * Save the model data to the filesystem. * * @param string $path - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function save(string $path) : void { diff --git a/src/AnomalyDetectors/RobustZScore.php b/src/AnomalyDetectors/RobustZScore.php index a7f3a0af3..f271b0b75 100644 --- a/src/AnomalyDetectors/RobustZScore.php +++ b/src/AnomalyDetectors/RobustZScore.php @@ -97,7 +97,7 @@ class RobustZScore implements Estimator, Learner, Scoring, Persistable * @param float $threshold * @param float $beta * @param float $smoothing - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $threshold = 3.5, float $beta = 0.5, float $smoothing = 1e-9) { @@ -126,7 +126,7 @@ public function __construct(float $threshold = 3.5, float $beta = 0.5, float $sm * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -196,7 +196,7 @@ public function mads() : ?array /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -224,8 +224,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -253,8 +253,8 @@ public function predictSample(array $sample) : int /** * Return the anomaly scores assigned to the samples in a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function score(Dataset $dataset) : array diff --git a/src/AnomalyDetectors/Scoring.php b/src/AnomalyDetectors/Scoring.php index d4dda4ea5..1352eb8a4 100644 --- a/src/AnomalyDetectors/Scoring.php +++ b/src/AnomalyDetectors/Scoring.php @@ -10,7 +10,7 @@ interface Scoring extends Estimator /** * Return the anomaly scores assigned to the samples in a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return float[] */ public function score(Dataset $dataset) : array; diff --git a/src/Backends/Amp.php b/src/Backends/Amp.php index 9d8e7fb6d..f1da44e3c 100644 --- a/src/Backends/Amp.php +++ b/src/Backends/Amp.php @@ -54,7 +54,7 @@ class Amp implements Backend /** * @param int|null $workers - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(?int $workers = null) { @@ -83,7 +83,7 @@ public function workers() : int * * @internal * - * @param \Rubix\ML\Backends\Tasks\Task $task + * @param Task $task * @param callable(mixed,mixed):void $after * @param mixed $context */ @@ -101,7 +101,7 @@ public function enqueue(Task $task, ?callable $after = null, $context = null) : * * @internal * - * @param \Amp\Parallel\Worker\Task $task + * @param AmpTask $task * @param callable(mixed,mixed):void $after * @param mixed $context * @return \Generator<\Amp\Promise> diff --git a/src/Backends/Backend.php b/src/Backends/Backend.php index 93cd4f0ee..d57af654b 100644 --- a/src/Backends/Backend.php +++ b/src/Backends/Backend.php @@ -19,7 +19,7 @@ interface Backend extends Stringable * * @internal * - * @param \Rubix\ML\Backends\Tasks\Task $task + * @param Task $task * @param callable(mixed,mixed):void $after * @param mixed $context */ diff --git a/src/Backends/Serial.php b/src/Backends/Serial.php index 2698c5502..be7d34b36 100644 --- a/src/Backends/Serial.php +++ b/src/Backends/Serial.php @@ -33,7 +33,7 @@ class Serial implements Backend /** * Queue up a deferred computation for backend processing. * - * @param \Rubix\ML\Backends\Tasks\Task $task + * @param Task $task * @param callable(mixed,mixed):void|null $after * @param mixed|null $context */ diff --git a/src/Backends/Tasks/CrossValidate.php b/src/Backends/Tasks/CrossValidate.php index 14e5ebc70..ac896ca30 100644 --- a/src/Backends/Tasks/CrossValidate.php +++ b/src/Backends/Tasks/CrossValidate.php @@ -21,10 +21,10 @@ class CrossValidate extends Task /** * Cross validate a learner with a given dataset and return the score. * - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\CrossValidation\Validator $validator - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric + * @param Learner $estimator + * @param Labeled $dataset + * @param Validator $validator + * @param Metric $metric * @return float */ public static function score( @@ -37,10 +37,10 @@ public static function score( } /** - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\CrossValidation\Validator $validator - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric + * @param Learner $estimator + * @param Labeled $dataset + * @param Validator $validator + * @param Metric $metric */ public function __construct( Learner $estimator, diff --git a/src/Backends/Tasks/Predict.php b/src/Backends/Tasks/Predict.php index bf08ed0eb..3b08e30e8 100644 --- a/src/Backends/Tasks/Predict.php +++ b/src/Backends/Tasks/Predict.php @@ -21,8 +21,8 @@ class Predict extends Task /** * Return the predictions outputted by an estimator. * - * @param \Rubix\ML\Estimator $estimator - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Estimator $estimator + * @param Dataset $dataset * @return list */ public static function predict(Estimator $estimator, Dataset $dataset) : array @@ -31,8 +31,8 @@ public static function predict(Estimator $estimator, Dataset $dataset) : array } /** - * @param \Rubix\ML\Estimator $estimator - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Estimator $estimator + * @param Dataset $dataset */ public function __construct(Estimator $estimator, Dataset $dataset) { diff --git a/src/Backends/Tasks/Proba.php b/src/Backends/Tasks/Proba.php index 7afefbde4..853a4203b 100644 --- a/src/Backends/Tasks/Proba.php +++ b/src/Backends/Tasks/Proba.php @@ -21,8 +21,8 @@ class Proba extends Task /** * Return the probabilities outputted by the estimator. * - * @param \Rubix\ML\Probabilistic $estimator - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Probabilistic $estimator + * @param Dataset $dataset * @return list */ public static function proba(Probabilistic $estimator, Dataset $dataset) : array @@ -31,8 +31,8 @@ public static function proba(Probabilistic $estimator, Dataset $dataset) : array } /** - * @param \Rubix\ML\Probabilistic $estimator - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Probabilistic $estimator + * @param Dataset $dataset */ public function __construct(Probabilistic $estimator, Dataset $dataset) { diff --git a/src/Backends/Tasks/TrainAndValidate.php b/src/Backends/Tasks/TrainAndValidate.php index 10c2ed152..c51cc9007 100644 --- a/src/Backends/Tasks/TrainAndValidate.php +++ b/src/Backends/Tasks/TrainAndValidate.php @@ -24,10 +24,10 @@ class TrainAndValidate extends Task /** * Train the learner and then return its validation score. * - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Dataset $training - * @param \Rubix\ML\Datasets\Labeled $testing - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric + * @param Learner $estimator + * @param Dataset $training + * @param Labeled $testing + * @param Metric $metric * @return float */ public static function score( @@ -46,10 +46,10 @@ public static function score( } /** - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Dataset $training - * @param \Rubix\ML\Datasets\Labeled $testing - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric + * @param Learner $estimator + * @param Dataset $training + * @param Labeled $testing + * @param Metric $metric */ public function __construct( Learner $estimator, diff --git a/src/Backends/Tasks/TrainLearner.php b/src/Backends/Tasks/TrainLearner.php index b7d642cd6..a7e42984e 100644 --- a/src/Backends/Tasks/TrainLearner.php +++ b/src/Backends/Tasks/TrainLearner.php @@ -21,9 +21,9 @@ class TrainLearner extends Task /** * Train a learner and return the instance. * - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Dataset $dataset - * @return \Rubix\ML\Learner + * @param Learner $estimator + * @param Dataset $dataset + * @return Learner */ public static function train(Learner $estimator, Dataset $dataset) : Learner { @@ -33,8 +33,8 @@ public static function train(Learner $estimator, Dataset $dataset) : Learner } /** - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Learner $estimator + * @param Dataset $dataset */ public function __construct(Learner $estimator, Dataset $dataset) { diff --git a/src/BootstrapAggregator.php b/src/BootstrapAggregator.php index 398f7246c..742dcc6ab 100644 --- a/src/BootstrapAggregator.php +++ b/src/BootstrapAggregator.php @@ -62,7 +62,7 @@ class BootstrapAggregator implements Estimator, Learner, Parallel, Persistable /** * The base learner. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $base; @@ -90,10 +90,10 @@ class BootstrapAggregator implements Estimator, Learner, Parallel, Persistable ]; /** - * @param \Rubix\ML\Learner $base + * @param Learner $base * @param int $estimators * @param float $ratio - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(Learner $base, int $estimators = 10, float $ratio = 0.5) { @@ -124,7 +124,7 @@ public function __construct(Learner $base, int $estimators = 10, float $ratio = * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -173,8 +173,8 @@ public function trained() : bool * Instantiate and train each base estimator in the ensemble on a bootstrap * training set. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function train(Dataset $dataset) : void { @@ -213,8 +213,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return mixed[] */ public function predict(Dataset $dataset) : array diff --git a/src/Classifiers/AdaBoost.php b/src/Classifiers/AdaBoost.php index 2c9f7cc9c..4f428c5f4 100644 --- a/src/Classifiers/AdaBoost.php +++ b/src/Classifiers/AdaBoost.php @@ -70,7 +70,7 @@ class AdaBoost implements Estimator, Learner, Probabilistic, Verbose, Persistabl /** * The base classifier to be boosted. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $base; @@ -151,7 +151,7 @@ class AdaBoost implements Estimator, Learner, Probabilistic, Verbose, Persistabl * @param int $epochs * @param float $minChange * @param int $window - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( ?Learner $base = null, @@ -204,7 +204,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -420,7 +420,7 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -431,7 +431,7 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list> */ public function proba(Dataset $dataset) : array @@ -458,8 +458,8 @@ public function proba(Dataset $dataset) : array /** * Return the influence scores for each sample in the dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ protected function score(Dataset $dataset) : array diff --git a/src/Classifiers/ClassificationTree.php b/src/Classifiers/ClassificationTree.php index 12162bb87..94a926b45 100644 --- a/src/Classifiers/ClassificationTree.php +++ b/src/Classifiers/ClassificationTree.php @@ -82,7 +82,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -135,7 +135,7 @@ public function trained() : bool /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset */ public function train(Dataset $dataset) : void { @@ -154,8 +154,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -179,7 +179,7 @@ public function predict(Dataset $dataset) : array */ public function predictSample(array $sample) : string { - /** @var \Rubix\ML\Graph\Nodes\Best $node */ + /** @var Best $node */ $node = $this->search($sample); return $node->outcome(); @@ -188,8 +188,8 @@ public function predictSample(array $sample) : string /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array @@ -205,7 +205,7 @@ public function proba(Dataset $dataset) : array $probabilities = []; foreach ($dataset->samples() as $sample) { - /** @var \Rubix\ML\Graph\Nodes\Best $node */ + /** @var Best $node */ $node = $this->search($sample); $probabilities[] = array_replace($template, $node->probabilities()); @@ -218,8 +218,8 @@ public function proba(Dataset $dataset) : array * Terminate the branch by selecting the class outcome with the highest * probability. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @return \Rubix\ML\Graph\Nodes\Best + * @param Labeled $dataset + * @return Best */ protected function terminate(Labeled $dataset) : Best { diff --git a/src/Classifiers/ExtraTreeClassifier.php b/src/Classifiers/ExtraTreeClassifier.php index 931b30160..d977df1a6 100644 --- a/src/Classifiers/ExtraTreeClassifier.php +++ b/src/Classifiers/ExtraTreeClassifier.php @@ -81,7 +81,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -133,7 +133,7 @@ public function trained() : bool /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset */ public function train(Dataset $dataset) : void { @@ -152,8 +152,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -177,7 +177,7 @@ public function predict(Dataset $dataset) : array */ public function predictSample(array $sample) : string { - /** @var \Rubix\ML\Graph\Nodes\Best $node */ + /** @var Best $node */ $node = $this->search($sample); return $node->outcome(); @@ -186,8 +186,8 @@ public function predictSample(array $sample) : string /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array @@ -203,7 +203,7 @@ public function proba(Dataset $dataset) : array $probabilities = []; foreach ($dataset->samples() as $sample) { - /** @var \Rubix\ML\Graph\Nodes\Best $node */ + /** @var Best $node */ $node = $this->search($sample); $probabilities[] = array_replace($template, $node->probabilities()); @@ -215,8 +215,8 @@ public function proba(Dataset $dataset) : array /** * Terminate the branch by selecting the class outcome with the highest probability. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @return \Rubix\ML\Graph\Nodes\Best + * @param Labeled $dataset + * @return Best */ protected function terminate(Labeled $dataset) : Best { diff --git a/src/Classifiers/GaussianNB.php b/src/Classifiers/GaussianNB.php index 199ebe50b..a0e0fa126 100644 --- a/src/Classifiers/GaussianNB.php +++ b/src/Classifiers/GaussianNB.php @@ -110,7 +110,7 @@ class GaussianNB implements Estimator, Learner, Online, Probabilistic, Persistab /** * @param float[]|null $priors * @param float $smoothing - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(?array $priors = null, float $smoothing = 1e-9) { @@ -149,7 +149,7 @@ public function __construct(?array $priors = null, float $smoothing = 1e-9) * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -325,8 +325,8 @@ public function partial(Dataset $dataset) : void /** * Calculate the likelihood of the sample being a member of a class and choose the class with the highest likelihood as the prediction. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -356,8 +356,8 @@ public function predictSample(array $sample) : string /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array diff --git a/src/Classifiers/KDNeighbors.php b/src/Classifiers/KDNeighbors.php index 86410e71a..642b64e16 100644 --- a/src/Classifiers/KDNeighbors.php +++ b/src/Classifiers/KDNeighbors.php @@ -58,7 +58,7 @@ class KDNeighbors implements Estimator, Learner, Probabilistic, Persistable /** * The spatial tree used to run nearest neighbor searches. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; @@ -82,7 +82,7 @@ class KDNeighbors implements Estimator, Learner, Probabilistic, Persistable * @param int $k * @param bool $weighted * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $k = 5, bool $weighted = false, ?Spatial $tree = null) { @@ -101,7 +101,7 @@ public function __construct(int $k = 5, bool $weighted = false, ?Spatial $tree = * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -149,7 +149,7 @@ public function trained() : bool /** * Return the base spatial tree instance. * - * @return \Rubix\ML\Graph\Trees\Spatial + * @return Spatial */ public function tree() : Spatial { @@ -180,8 +180,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -224,8 +224,8 @@ public function predictSample(array $sample) : string /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array diff --git a/src/Classifiers/KNearestNeighbors.php b/src/Classifiers/KNearestNeighbors.php index e418d7a71..d5293c932 100644 --- a/src/Classifiers/KNearestNeighbors.php +++ b/src/Classifiers/KNearestNeighbors.php @@ -60,7 +60,7 @@ class KNearestNeighbors implements Estimator, Learner, Online, Probabilistic, Pe /** * The distance function to use when computing the distances. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; @@ -95,7 +95,7 @@ class KNearestNeighbors implements Estimator, Learner, Online, Probabilistic, Pe * @param int $k * @param bool $weighted * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $k = 5, bool $weighted = false, ?Distance $kernel = null) { @@ -114,7 +114,7 @@ public function __construct(int $k = 5, bool $weighted = false, ?Distance $kerne * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -198,8 +198,8 @@ public function partial(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return string[] */ public function predict(Dataset $dataset) : array @@ -242,8 +242,8 @@ public function predictSample(array $sample) : string /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array diff --git a/src/Classifiers/LogisticRegression.php b/src/Classifiers/LogisticRegression.php index 1626fbb57..ba67b5f57 100644 --- a/src/Classifiers/LogisticRegression.php +++ b/src/Classifiers/LogisticRegression.php @@ -65,7 +65,7 @@ class LogisticRegression implements Estimator, Learner, Online, Probabilistic, R /** * The gradient descent optimizer used to update the network parameters. * - * @var \Rubix\ML\NeuralNet\Optimizers\Optimizer + * @var Optimizer */ protected \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer; @@ -101,7 +101,7 @@ class LogisticRegression implements Estimator, Learner, Online, Probabilistic, R /** * The function that computes the loss associated with an erroneous activation during training. * - * @var \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss + * @var ClassificationLoss */ protected \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss $costFn; @@ -134,7 +134,7 @@ class LogisticRegression implements Estimator, Learner, Online, Probabilistic, R * @param float $minChange * @param int $window * @param \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss|null $costFn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( int $batchSize = 128, @@ -184,7 +184,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -401,7 +401,7 @@ public function partial(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -412,8 +412,8 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array @@ -445,7 +445,7 @@ public function proba(Dataset $dataset) : array /** * Return the importance scores of each feature column of the training set. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float[] */ public function featureImportances() : array diff --git a/src/Classifiers/LogitBoost.php b/src/Classifiers/LogitBoost.php index ba8b4f889..071dfed39 100644 --- a/src/Classifiers/LogitBoost.php +++ b/src/Classifiers/LogitBoost.php @@ -87,7 +87,7 @@ class LogitBoost implements Estimator, Learner, Probabilistic, RanksFeatures, Ve /** * The regressor used to fix up error residuals. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $booster; @@ -136,7 +136,7 @@ class LogitBoost implements Estimator, Learner, Probabilistic, RanksFeatures, Ve /** * The metric used to score the generalization performance of the model during training. * - * @var \Rubix\ML\CrossValidation\Metrics\Metric + * @var Metric */ protected \Rubix\ML\CrossValidation\Metrics\Metric $metric; @@ -184,7 +184,7 @@ class LogitBoost implements Estimator, Learner, Probabilistic, RanksFeatures, Ve * @param int $window * @param float $holdOut * @param \Rubix\ML\CrossValidation\Metrics\Metric|null $metric - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( ?Learner $booster = null, @@ -250,7 +250,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -345,7 +345,7 @@ public function losses() : ?array /** * Train the estimator with a dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset */ public function train(Dataset $dataset) : void { @@ -511,8 +511,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -545,8 +545,8 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array @@ -584,7 +584,7 @@ public function proba(Dataset $dataset) : array /** * Return the importance scores of each feature column of the training set. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float[] */ public function featureImportances() : array diff --git a/src/Classifiers/MultilayerPerceptron.php b/src/Classifiers/MultilayerPerceptron.php index 486efed9b..1018d10c4 100644 --- a/src/Classifiers/MultilayerPerceptron.php +++ b/src/Classifiers/MultilayerPerceptron.php @@ -83,7 +83,7 @@ class MultilayerPerceptron implements Estimator, Learner, Online, Probabilistic, /** * The gradient descent optimizer used to update the network parameters. * - * @var \Rubix\ML\NeuralNet\Optimizers\Optimizer + * @var Optimizer */ protected \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer; @@ -125,14 +125,14 @@ class MultilayerPerceptron implements Estimator, Learner, Online, Probabilistic, /** * The function that computes the loss associated with an erroneous activation during training. * - * @var \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss + * @var ClassificationLoss */ protected \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss $costFn; /** * The validation metric used to score the generalization performance of the model during training. * - * @var \Rubix\ML\CrossValidation\Metrics\Metric + * @var Metric */ protected \Rubix\ML\CrossValidation\Metrics\Metric $metric; @@ -175,7 +175,7 @@ class MultilayerPerceptron implements Estimator, Learner, Online, Probabilistic, * @param float $holdOut * @param \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss|null $costFn * @param \Rubix\ML\CrossValidation\Metrics\Metric|null $metric - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( array $hiddenLayers = [], @@ -247,7 +247,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -516,7 +516,7 @@ public function partial(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -527,8 +527,8 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array @@ -553,8 +553,8 @@ public function proba(Dataset $dataset) : array /** * Export the network architecture as a graph in dot format. * - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Encoding + * @throws RuntimeException + * @return Encoding */ public function exportGraphviz() : Encoding { diff --git a/src/Classifiers/NaiveBayes.php b/src/Classifiers/NaiveBayes.php index 963ba192c..b6f727cd3 100644 --- a/src/Classifiers/NaiveBayes.php +++ b/src/Classifiers/NaiveBayes.php @@ -100,7 +100,7 @@ class NaiveBayes implements Estimator, Learner, Online, Probabilistic, Persistab /** * @param float[]|null $priors * @param float $smoothing - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(?array $priors = null, float $smoothing = 1.0) { @@ -139,7 +139,7 @@ public function __construct(?array $priors = null, float $smoothing = 1.0) * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -284,8 +284,8 @@ public function partial(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -315,8 +315,8 @@ public function predictSample(array $sample) : string /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array diff --git a/src/Classifiers/OneVsRest.php b/src/Classifiers/OneVsRest.php index e93b99449..7c07e2627 100644 --- a/src/Classifiers/OneVsRest.php +++ b/src/Classifiers/OneVsRest.php @@ -49,7 +49,7 @@ class OneVsRest implements Estimator, Learner, Probabilistic, Parallel, Persista /** * The base classifier. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $base; @@ -70,8 +70,8 @@ class OneVsRest implements Estimator, Learner, Probabilistic, Parallel, Persista protected ?int $featureCount = null; /** - * @param \Rubix\ML\Learner $base - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Learner $base + * @throws InvalidArgumentException */ public function __construct(Learner $base) { @@ -94,7 +94,7 @@ public function __construct(Learner $base) * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -182,8 +182,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -194,8 +194,8 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array @@ -208,7 +208,7 @@ public function proba(Dataset $dataset) : array $this->backend->flush(); - /** @var \Rubix\ML\Probabilistic $estimator */ + /** @var Probabilistic $estimator */ foreach ($this->classifiers as $estimator) { $task = new Proba($estimator, $dataset); diff --git a/src/Classifiers/RadiusNeighbors.php b/src/Classifiers/RadiusNeighbors.php index 14727d791..b1e3544c9 100644 --- a/src/Classifiers/RadiusNeighbors.php +++ b/src/Classifiers/RadiusNeighbors.php @@ -58,7 +58,7 @@ class RadiusNeighbors implements Estimator, Learner, Probabilistic, Persistable /** * The spatial tree used to run range searches. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; @@ -90,7 +90,7 @@ class RadiusNeighbors implements Estimator, Learner, Probabilistic, Persistable * @param bool $weighted * @param string $outlierClass * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $radius = 1.0, @@ -119,7 +119,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -168,7 +168,7 @@ public function trained() : bool /** * Return the base spatial tree instance. * - * @return \Rubix\ML\Graph\Trees\Spatial + * @return Spatial */ public function tree() : Spatial { @@ -179,7 +179,7 @@ public function tree() : Spatial * Train the learner with a dataset. * * @param \Rubix\ML\Datasets\Labeled $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function train(Dataset $dataset) : void { @@ -209,8 +209,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -257,8 +257,8 @@ public function predictSample(array $sample) : string /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array diff --git a/src/Classifiers/RandomForest.php b/src/Classifiers/RandomForest.php index 8fdd61b9f..5d2b8d5cb 100644 --- a/src/Classifiers/RandomForest.php +++ b/src/Classifiers/RandomForest.php @@ -71,7 +71,7 @@ class RandomForest implements Estimator, Learner, Probabilistic, Parallel, Ranks /** * The base learner. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $base; @@ -122,7 +122,7 @@ class RandomForest implements Estimator, Learner, Probabilistic, Parallel, Ranks * @param int $estimators * @param float $ratio * @param bool $balanced - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( ?Learner $base = null, @@ -157,7 +157,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -255,8 +255,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -290,8 +290,8 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array @@ -333,7 +333,7 @@ public function proba(Dataset $dataset) : array /** * Return the importance scores of each feature column of the training set. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float[] */ public function featureImportances() : array diff --git a/src/Classifiers/SVC.php b/src/Classifiers/SVC.php index 1446c93f9..93442f5fc 100644 --- a/src/Classifiers/SVC.php +++ b/src/Classifiers/SVC.php @@ -44,7 +44,7 @@ class SVC implements Estimator, Learner /** * The support vector machine instance. * - * @var \svm + * @var svm */ protected $svm; @@ -77,7 +77,7 @@ class SVC implements Estimator, Learner * @param bool $shrinking * @param float $tolerance * @param float $cacheSize - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $c = 1.0, @@ -138,7 +138,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -213,7 +213,7 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -227,7 +227,7 @@ public function predict(Dataset $dataset) : array * @internal * * @param list $sample - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return string */ public function predictSample(array $sample) : string @@ -245,7 +245,7 @@ public function predictSample(array $sample) : string * Save the model data to the filesystem. * * @param string $path - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function save(string $path) : void { diff --git a/src/Classifiers/SoftmaxClassifier.php b/src/Classifiers/SoftmaxClassifier.php index 6e0f0107a..998035701 100644 --- a/src/Classifiers/SoftmaxClassifier.php +++ b/src/Classifiers/SoftmaxClassifier.php @@ -62,7 +62,7 @@ class SoftmaxClassifier implements Estimator, Learner, Online, Probabilistic, Ve /** * The gradient descent optimizer used to update the network parameters. * - * @var \Rubix\ML\NeuralNet\Optimizers\Optimizer + * @var Optimizer */ protected \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer; @@ -97,7 +97,7 @@ class SoftmaxClassifier implements Estimator, Learner, Online, Probabilistic, Ve /** * The function that computes the loss associated with an erroneous activation during training. * - * @var \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss + * @var ClassificationLoss */ protected \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss $costFn; @@ -130,7 +130,7 @@ class SoftmaxClassifier implements Estimator, Learner, Online, Probabilistic, Ve * @param float $minChange * @param int $window * @param \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss|null $costFn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( int $batchSize = 128, @@ -180,7 +180,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -396,7 +396,7 @@ public function partial(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -407,8 +407,8 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list> */ public function proba(Dataset $dataset) : array diff --git a/src/Clusterers/DBSCAN.php b/src/Clusterers/DBSCAN.php index ebaa72476..44112e02a 100644 --- a/src/Clusterers/DBSCAN.php +++ b/src/Clusterers/DBSCAN.php @@ -71,7 +71,7 @@ class DBSCAN implements Estimator /** * The spatial tree used to run range searches. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; @@ -79,7 +79,7 @@ class DBSCAN implements Estimator * @param float $radius * @param int $minDensity * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $radius = 0.5, int $minDensity = 5, ?Spatial $tree = null) { @@ -101,7 +101,7 @@ public function __construct(float $radius = 0.5, int $minDensity = 5, ?Spatial $ /** * Return the estimator type. * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -135,7 +135,7 @@ public function params() : array /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array diff --git a/src/Clusterers/FuzzyCMeans.php b/src/Clusterers/FuzzyCMeans.php index 2601e4a48..49d5716ff 100644 --- a/src/Clusterers/FuzzyCMeans.php +++ b/src/Clusterers/FuzzyCMeans.php @@ -90,14 +90,14 @@ class FuzzyCMeans implements Estimator, Learner, Probabilistic, Verbose, Persist /** * The distance kernel to use when computing the distances between samples. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; /** * The cluster centroid seeder. * - * @var \Rubix\ML\Clusterers\Seeders\Seeder + * @var Seeder */ protected \Rubix\ML\Clusterers\Seeders\Seeder $seeder; @@ -123,8 +123,8 @@ class FuzzyCMeans implements Estimator, Learner, Probabilistic, Verbose, Persist * @param int $epochs * @param float $minChange * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @param \Rubix\ML\Clusterers\Seeders\Seeder|null $seeder - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Seeders\Seeder|null $seeder + * @throws InvalidArgumentException */ public function __construct( int $c, @@ -166,7 +166,7 @@ public function __construct( /** * Return the estimator type. * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -254,7 +254,7 @@ public function losses() : ?array /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -345,8 +345,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -376,8 +376,8 @@ public function predictSample(array $sample) : int /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function proba(Dataset $dataset) : array diff --git a/src/Clusterers/GaussianMixture.php b/src/Clusterers/GaussianMixture.php index 5ba5e4c4f..4445d0422 100644 --- a/src/Clusterers/GaussianMixture.php +++ b/src/Clusterers/GaussianMixture.php @@ -95,7 +95,7 @@ class GaussianMixture implements Estimator, Learner, Probabilistic, Verbose, Per /** * The cluster centroid seeder. * - * @var \Rubix\ML\Clusterers\Seeders\Seeder + * @var Seeder */ protected \Rubix\ML\Clusterers\Seeders\Seeder $seeder; @@ -138,8 +138,8 @@ class GaussianMixture implements Estimator, Learner, Probabilistic, Verbose, Per * @param float $smoothing * @param int $epochs * @param float $minChange - * @param \Rubix\ML\Clusterers\Seeders\Seeder|null $seeder - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Seeders\Seeder|null $seeder + * @throws InvalidArgumentException */ public function __construct( int $k, @@ -178,7 +178,7 @@ public function __construct( /** * Return the estimator type. * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -285,7 +285,7 @@ public function losses() : ?array /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -416,8 +416,8 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -447,8 +447,8 @@ public function predictSample(array $sample) : int /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function proba(Dataset $dataset) : array @@ -519,7 +519,7 @@ protected function jointLogLikelihood(array $sample) : array /** * Initialize the gaussian components by calculating the means and variances of k initial cluster centroids generated by the seeder. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ protected function initialize(Dataset $dataset) : void { diff --git a/src/Clusterers/KMeans.php b/src/Clusterers/KMeans.php index 9ff3e741f..852b178c4 100644 --- a/src/Clusterers/KMeans.php +++ b/src/Clusterers/KMeans.php @@ -94,14 +94,14 @@ class KMeans implements Estimator, Learner, Online, Probabilistic, Verbose, Pers /** * The distance function to use when computing the distances. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; /** * The cluster centroid seeder. * - * @var \Rubix\ML\Clusterers\Seeders\Seeder + * @var Seeder */ protected \Rubix\ML\Clusterers\Seeders\Seeder $seeder; @@ -137,8 +137,8 @@ class KMeans implements Estimator, Learner, Online, Probabilistic, Verbose, Pers * @param float $minChange * @param int $window * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @param \Rubix\ML\Clusterers\Seeders\Seeder|null $seeder - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Seeders\Seeder|null $seeder + * @throws InvalidArgumentException */ public function __construct( int $k, @@ -186,7 +186,7 @@ public function __construct( /** * Return the estimator type. * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -285,7 +285,7 @@ public function losses() : ?array /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -310,7 +310,7 @@ public function train(Dataset $dataset) : void /** * Perform a partial train on the learner. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function partial(Dataset $dataset) : void { @@ -434,8 +434,8 @@ public function partial(Dataset $dataset) : void /** * Cluster the dataset by assigning a label to each sample. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -477,8 +477,8 @@ public function predictSample(array $sample) : int /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function proba(Dataset $dataset) : array diff --git a/src/Clusterers/MeanShift.php b/src/Clusterers/MeanShift.php index 736d07a98..0d89ce00f 100644 --- a/src/Clusterers/MeanShift.php +++ b/src/Clusterers/MeanShift.php @@ -102,14 +102,14 @@ class MeanShift implements Estimator, Learner, Probabilistic, Verbose, Persistab /** * The spatial tree used to run range searches. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; /** * The cluster centroid seeder. * - * @var \Rubix\ML\Clusterers\Seeders\Seeder + * @var Seeder */ protected \Rubix\ML\Clusterers\Seeders\Seeder $seeder; @@ -137,10 +137,10 @@ class MeanShift implements Estimator, Learner, Probabilistic, Verbose, Persistab * samples, for large datasets you can speed up the process by running it on * a smaller subset of the training data. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param float $percentile * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float */ public static function estimateRadius( @@ -176,8 +176,8 @@ public static function estimateRadius( * @param int $epochs * @param float $minShift * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @param \Rubix\ML\Clusterers\Seeders\Seeder|null $seeder - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Seeders\Seeder|null $seeder + * @throws InvalidArgumentException */ public function __construct( float $radius, @@ -219,7 +219,7 @@ public function __construct( /** * Return the estimator type. * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -307,7 +307,7 @@ public function losses() : ?array /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -399,8 +399,8 @@ public function train(Dataset $dataset) : void /** * Cluster the dataset by assigning a label to each sample. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -442,8 +442,8 @@ public function predictSample(array $sample) : int /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function proba(Dataset $dataset) : array diff --git a/src/Clusterers/Seeders/KMC2.php b/src/Clusterers/Seeders/KMC2.php index bce3d76df..d4e155e5e 100644 --- a/src/Clusterers/Seeders/KMC2.php +++ b/src/Clusterers/Seeders/KMC2.php @@ -37,14 +37,14 @@ class KMC2 implements Seeder /** * The distance kernel used to compute the distance between samples. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; /** * @param int $m * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $m = 50, ?Distance $kernel = null) { @@ -62,7 +62,7 @@ public function __construct(int $m = 50, ?Distance $kernel = null) * * @internal * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $k * @return list> */ diff --git a/src/Clusterers/Seeders/PlusPlus.php b/src/Clusterers/Seeders/PlusPlus.php index 5e0a87a81..ad4f82e24 100644 --- a/src/Clusterers/Seeders/PlusPlus.php +++ b/src/Clusterers/Seeders/PlusPlus.php @@ -30,7 +30,7 @@ class PlusPlus implements Seeder /** * The distance kernel used to compute the distance between samples. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; @@ -47,7 +47,7 @@ public function __construct(?Distance $kernel = null) * * @internal * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $k * @return list> */ diff --git a/src/Clusterers/Seeders/Preset.php b/src/Clusterers/Seeders/Preset.php index 19491d373..f724cf7cc 100644 --- a/src/Clusterers/Seeders/Preset.php +++ b/src/Clusterers/Seeders/Preset.php @@ -39,7 +39,7 @@ class Preset implements Seeder /** * @param array<(string|int|float)[]> $centroids - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $centroids) { @@ -71,9 +71,9 @@ public function __construct(array $centroids) * * @internal * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $k - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return list> */ public function seed(Dataset $dataset, int $k) : array diff --git a/src/Clusterers/Seeders/Random.php b/src/Clusterers/Seeders/Random.php index 4adbb6abf..b0c7fd5c2 100644 --- a/src/Clusterers/Seeders/Random.php +++ b/src/Clusterers/Seeders/Random.php @@ -20,7 +20,7 @@ class Random implements Seeder * * @internal * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $k * @return list> */ diff --git a/src/Clusterers/Seeders/Seeder.php b/src/Clusterers/Seeders/Seeder.php index 739a782bd..8678db154 100644 --- a/src/Clusterers/Seeders/Seeder.php +++ b/src/Clusterers/Seeders/Seeder.php @@ -19,7 +19,7 @@ interface Seeder extends Stringable * * @internal * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $k * @return list> */ diff --git a/src/CommitteeMachine.php b/src/CommitteeMachine.php index 8984a3921..b8cdea982 100644 --- a/src/CommitteeMachine.php +++ b/src/CommitteeMachine.php @@ -86,7 +86,7 @@ class CommitteeMachine implements Estimator, Learner, Parallel, Persistable /** * @param \Rubix\ML\Learner[] $experts * @param (int|float)[]|null $influences - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $experts, ?array $influences = null) { @@ -161,7 +161,7 @@ public function __construct(array $experts, ?array $influences = null) * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -228,8 +228,8 @@ public function influences() : array /** * Train all the experts with the dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function train(Dataset $dataset) : void { @@ -276,7 +276,7 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return mixed[] */ public function predict(Dataset $dataset) : array diff --git a/src/CrossValidation/HoldOut.php b/src/CrossValidation/HoldOut.php index 5c6568d86..253e4dfeb 100644 --- a/src/CrossValidation/HoldOut.php +++ b/src/CrossValidation/HoldOut.php @@ -33,7 +33,7 @@ class HoldOut implements Validator /** * @param float $ratio - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $ratio = 0.2) { @@ -48,10 +48,10 @@ public function __construct(float $ratio = 0.2) /** * Test the estimator with the supplied dataset and return a validation score. * - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Learner $estimator + * @param Labeled $dataset + * @param Metric $metric + * @throws RuntimeException * @return float */ public function test(Learner $estimator, Labeled $dataset, Metric $metric) : float diff --git a/src/CrossValidation/KFold.php b/src/CrossValidation/KFold.php index cf7eb94f0..461e88dbd 100644 --- a/src/CrossValidation/KFold.php +++ b/src/CrossValidation/KFold.php @@ -41,7 +41,7 @@ class KFold implements Validator, Parallel /** * @param int $k - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $k = 5) { @@ -57,10 +57,10 @@ public function __construct(int $k = 5) /** * Test the estimator with the supplied dataset and return a validation score. * - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Learner $estimator + * @param Labeled $dataset + * @param Metric $metric + * @throws InvalidArgumentException * @return float */ public function test(Learner $estimator, Labeled $dataset, Metric $metric) : float diff --git a/src/CrossValidation/LeavePOut.php b/src/CrossValidation/LeavePOut.php index 3352b5215..90705783a 100644 --- a/src/CrossValidation/LeavePOut.php +++ b/src/CrossValidation/LeavePOut.php @@ -39,7 +39,7 @@ class LeavePOut implements Validator, Parallel /** * @param int $p - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $p = 10) { @@ -55,10 +55,10 @@ public function __construct(int $p = 10) /** * Test the estimator with the supplied dataset and return a validation score. * - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Learner $estimator + * @param Labeled $dataset + * @param Metric $metric + * @throws InvalidArgumentException * @return float */ public function test(Learner $estimator, Labeled $dataset, Metric $metric) : float diff --git a/src/CrossValidation/Metrics/FBeta.php b/src/CrossValidation/Metrics/FBeta.php index 8ac162311..dcad00ce7 100644 --- a/src/CrossValidation/Metrics/FBeta.php +++ b/src/CrossValidation/Metrics/FBeta.php @@ -65,7 +65,7 @@ public static function recall(int $tp, int $fn) : float /** * @param float $beta - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $beta = 1.0) { diff --git a/src/CrossValidation/Metrics/TopKAccuracy.php b/src/CrossValidation/Metrics/TopKAccuracy.php index 790812f72..f4602c848 100644 --- a/src/CrossValidation/Metrics/TopKAccuracy.php +++ b/src/CrossValidation/Metrics/TopKAccuracy.php @@ -33,7 +33,7 @@ class TopKAccuracy implements ProbabilisticMetric /** * @param int $k - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $k = 3) { diff --git a/src/CrossValidation/Metrics/VMeasure.php b/src/CrossValidation/Metrics/VMeasure.php index 23afa608d..01c2e148f 100644 --- a/src/CrossValidation/Metrics/VMeasure.php +++ b/src/CrossValidation/Metrics/VMeasure.php @@ -34,7 +34,7 @@ class VMeasure implements Metric /** * @param float $beta - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $beta = 1.0) { diff --git a/src/CrossValidation/MonteCarlo.php b/src/CrossValidation/MonteCarlo.php index 0a00610c6..a9d610b6b 100644 --- a/src/CrossValidation/MonteCarlo.php +++ b/src/CrossValidation/MonteCarlo.php @@ -51,7 +51,7 @@ class MonteCarlo implements Validator, Parallel /** * @param int $simulations * @param float $ratio - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $simulations = 10, float $ratio = 0.2) { @@ -73,10 +73,10 @@ public function __construct(int $simulations = 10, float $ratio = 0.2) /** * Test the estimator with the supplied dataset and return a validation score. * - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Learner $estimator + * @param Labeled $dataset + * @param Metric $metric + * @throws RuntimeException * @return float */ public function test(Learner $estimator, Labeled $dataset, Metric $metric) : float diff --git a/src/CrossValidation/Reports/AggregateReport.php b/src/CrossValidation/Reports/AggregateReport.php index ac21fc7e3..e2c6c8a51 100644 --- a/src/CrossValidation/Reports/AggregateReport.php +++ b/src/CrossValidation/Reports/AggregateReport.php @@ -37,7 +37,7 @@ class AggregateReport implements ReportGenerator /** * @param \Rubix\ML\CrossValidation\Reports\ReportGenerator[] $reports - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $reports) { @@ -86,7 +86,7 @@ public function compatibility() : array * * @param list $predictions * @param list $labels - * @return \Rubix\ML\Report + * @return Report */ public function generate(array $predictions, array $labels) : Report { diff --git a/src/CrossValidation/Reports/ConfusionMatrix.php b/src/CrossValidation/Reports/ConfusionMatrix.php index b2644a994..ec5105b71 100644 --- a/src/CrossValidation/Reports/ConfusionMatrix.php +++ b/src/CrossValidation/Reports/ConfusionMatrix.php @@ -43,7 +43,7 @@ public function compatibility() : array * * @param list $predictions * @param list $labels - * @return \Rubix\ML\Report + * @return Report */ public function generate(array $predictions, array $labels) : Report { diff --git a/src/CrossValidation/Reports/ContingencyTable.php b/src/CrossValidation/Reports/ContingencyTable.php index b2ff139cc..8cbe77ccb 100644 --- a/src/CrossValidation/Reports/ContingencyTable.php +++ b/src/CrossValidation/Reports/ContingencyTable.php @@ -42,7 +42,7 @@ public function compatibility() : array * * @param list $predictions * @param list $labels - * @return \Rubix\ML\Report + * @return Report */ public function generate(array $predictions, array $labels) : Report { diff --git a/src/CrossValidation/Reports/ErrorAnalysis.php b/src/CrossValidation/Reports/ErrorAnalysis.php index d7d7956e7..af15c996c 100644 --- a/src/CrossValidation/Reports/ErrorAnalysis.php +++ b/src/CrossValidation/Reports/ErrorAnalysis.php @@ -44,7 +44,7 @@ public function compatibility() : array * * @param list $predictions * @param list $labels - * @return \Rubix\ML\Report + * @return Report */ public function generate(array $predictions, array $labels) : Report { diff --git a/src/CrossValidation/Reports/MulticlassBreakdown.php b/src/CrossValidation/Reports/MulticlassBreakdown.php index 2a6d6a87f..50c4ba86f 100644 --- a/src/CrossValidation/Reports/MulticlassBreakdown.php +++ b/src/CrossValidation/Reports/MulticlassBreakdown.php @@ -47,7 +47,7 @@ public function compatibility() : array * * @param list $predictions * @param list $labels - * @return \Rubix\ML\Report + * @return Report */ public function generate(array $predictions, array $labels) : Report { diff --git a/src/CrossValidation/Reports/ReportGenerator.php b/src/CrossValidation/Reports/ReportGenerator.php index aac8fde71..30495597b 100644 --- a/src/CrossValidation/Reports/ReportGenerator.php +++ b/src/CrossValidation/Reports/ReportGenerator.php @@ -20,7 +20,7 @@ public function compatibility() : array; * * @param list $predictions * @param list $labels - * @return \Rubix\ML\Report + * @return Report */ public function generate(array $predictions, array $labels) : Report; } diff --git a/src/CrossValidation/Validator.php b/src/CrossValidation/Validator.php index 3988ea954..45ce09381 100644 --- a/src/CrossValidation/Validator.php +++ b/src/CrossValidation/Validator.php @@ -12,9 +12,9 @@ interface Validator extends Stringable /** * Test the estimator with the supplied dataset and return a validation score. * - * @param \Rubix\ML\Learner $estimator - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric + * @param Learner $estimator + * @param Labeled $dataset + * @param Metric $metric * @return float */ public function test(Learner $estimator, Labeled $dataset, Metric $metric) : float; diff --git a/src/DataType.php b/src/DataType.php index 830c37108..04b869422 100644 --- a/src/DataType.php +++ b/src/DataType.php @@ -179,7 +179,7 @@ public static function all() : array /** * @param int $code - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $code) { diff --git a/src/Datasets/Dataset.php b/src/Datasets/Dataset.php index 5e28fec4d..408a66199 100644 --- a/src/Datasets/Dataset.php +++ b/src/Datasets/Dataset.php @@ -54,7 +54,7 @@ abstract class Dataset implements ArrayAccess, IteratorAggregate, Countable /** * @param mixed[] $samples * @param bool $verify - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $samples = [], bool $verify = true) { @@ -224,7 +224,7 @@ public function features() : array /** * Return the feature columns that match a given data type. * - * @param \Rubix\ML\DataType $type + * @param DataType $type * @return mixed[] */ public function featuresByType(DataType $type) : array @@ -244,9 +244,9 @@ public function featuresByType(DataType $type) : array * Get the data type for a feature column at the given offset. * * @param int $offset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\DataType + * @throws InvalidArgumentException + * @throws RuntimeException + * @return DataType */ public function featureType(int $offset) : DataType { @@ -301,7 +301,7 @@ public function homogeneous() : bool /** * Apply a transformation to the dataset. * - * @param \Rubix\ML\Transformers\Transformer $transformer + * @param Transformer $transformer * @return static */ public function apply(Transformer $transformer) : self @@ -320,8 +320,8 @@ public function apply(Transformer $transformer) : self /** * Reverse a transformation that was applied to the dataset. * - * @param \Rubix\ML\Transformers\Reversible $transformer - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Reversible $transformer + * @throws RuntimeException * @return static */ public function reverseApply(Reversible $transformer) : self @@ -353,8 +353,8 @@ public function filter(callable $callback) : self * and shape of each continuous feature column and the joint probabilities * of every categorical feature column. * - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Report + * @throws RuntimeException + * @return Report */ public function describe() : Report { @@ -474,7 +474,7 @@ public function deduplicate() : self /** * Write the dataset to the location and format given by a writable extractor. * - * @param \Rubix\ML\Extractors\Exporter $extractor + * @param Exporter $extractor */ public function exportTo(Exporter $extractor) : void { @@ -545,7 +545,7 @@ abstract public function splice(int $offset, int $n) : self; /** * Merge another dataset with this dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return static */ abstract public function merge(Dataset $dataset) : self; @@ -553,7 +553,7 @@ abstract public function merge(Dataset $dataset) : self; /** * Join the columns of this dataset with another dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return static */ abstract public function join(Dataset $dataset) : self; @@ -602,7 +602,7 @@ abstract public function splitByFeature(int $offset, $value) : array; * * @param (string|int|float)[] $leftCentroid * @param (string|int|float)[] $rightCentroid - * @param \Rubix\ML\Kernels\Distance\Distance $kernel + * @param Distance $kernel * @return array{self,self} */ abstract public function spatialSplit(array $leftCentroid, array $rightCentroid, Distance $kernel); @@ -652,7 +652,7 @@ public function count() : int /** * @param int $offset * @param mixed[] $values - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function offsetSet($offset, $values) : void { @@ -672,7 +672,7 @@ public function offsetExists($offset) : bool /** * @param int $offset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function offsetUnset($offset) : void { diff --git a/src/Datasets/Generators/Agglomerate.php b/src/Datasets/Generators/Agglomerate.php index 7944dc365..7cb0307b0 100644 --- a/src/Datasets/Generators/Agglomerate.php +++ b/src/Datasets/Generators/Agglomerate.php @@ -46,7 +46,7 @@ class Agglomerate implements Generator /** * @param \Rubix\ML\Datasets\Generators\Generator[] $generators * @param (int|float)[]|null $weights - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $generators = [], ?array $weights = null) { @@ -134,7 +134,7 @@ public function dimensions() : int * Generate n data points. * * @param int $n - * @return \Rubix\ML\Datasets\Labeled + * @return Labeled */ public function generate(int $n) : Labeled { diff --git a/src/Datasets/Generators/Blob.php b/src/Datasets/Generators/Blob.php index 7bf65adbd..9af355ea5 100644 --- a/src/Datasets/Generators/Blob.php +++ b/src/Datasets/Generators/Blob.php @@ -26,7 +26,7 @@ class Blob implements Generator /** * The center vector of the blob. * - * @var \Tensor\Vector + * @var Vector */ protected \Tensor\Vector $center; @@ -40,7 +40,7 @@ class Blob implements Generator /** * @param (int|float)[] $center * @param int|float|(int|float)[] $stdDev - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $center = [0, 0], $stdDev = 1.0) { @@ -90,7 +90,7 @@ public function dimensions() : int * Generate n data points. * * @param int<0,max> $n - * @return \Rubix\ML\Datasets\Unlabeled + * @return Unlabeled */ public function generate(int $n) : Unlabeled { diff --git a/src/Datasets/Generators/Circle.php b/src/Datasets/Generators/Circle.php index 4dd8b31d9..d0a5ee14c 100644 --- a/src/Datasets/Generators/Circle.php +++ b/src/Datasets/Generators/Circle.php @@ -25,7 +25,7 @@ class Circle implements Generator /** * The center vector of the circle. * - * @var \Tensor\Vector + * @var Vector */ protected \Tensor\Vector $center; @@ -48,7 +48,7 @@ class Circle implements Generator * @param float $y * @param float $scale * @param float $noise - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $x = 0.0, @@ -87,7 +87,7 @@ public function dimensions() : int * Generate n data points. * * @param int<0,max> $n - * @return \Rubix\ML\Datasets\Labeled + * @return Labeled */ public function generate(int $n) : Labeled { diff --git a/src/Datasets/Generators/HalfMoon.php b/src/Datasets/Generators/HalfMoon.php index 199705a6b..26486240e 100644 --- a/src/Datasets/Generators/HalfMoon.php +++ b/src/Datasets/Generators/HalfMoon.php @@ -24,7 +24,7 @@ class HalfMoon implements Generator /** * The center vector of the circle. * - * @var \Tensor\Vector + * @var Vector */ protected \Tensor\Vector $center; @@ -55,7 +55,7 @@ class HalfMoon implements Generator * @param float $scale * @param float $rotation * @param float $noise - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $x = 0.0, @@ -101,7 +101,7 @@ public function dimensions() : int * Generate n data points. * * @param int<0,max> $n - * @return \Rubix\ML\Datasets\Labeled + * @return Labeled */ public function generate(int $n) : Labeled { diff --git a/src/Datasets/Generators/Hyperplane.php b/src/Datasets/Generators/Hyperplane.php index cd6076b4d..8afa59934 100644 --- a/src/Datasets/Generators/Hyperplane.php +++ b/src/Datasets/Generators/Hyperplane.php @@ -25,7 +25,7 @@ class Hyperplane implements Generator /** * The n coefficients of the hyperplane where n is the dimensionality. * - * @var \Tensor\Vector + * @var Vector */ protected \Tensor\Vector $coefficients; @@ -47,7 +47,7 @@ class Hyperplane implements Generator * @param (int|float)[] $coefficients * @param float $intercept * @param float $noise - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( array $coefficients = [1, -1], @@ -85,7 +85,7 @@ public function dimensions() : int * Generate n data points. * * @param int<0,max> $n - * @return \Rubix\ML\Datasets\Labeled + * @return Labeled */ public function generate(int $n) : Labeled { diff --git a/src/Datasets/Generators/SwissRoll.php b/src/Datasets/Generators/SwissRoll.php index a332f2859..8cd017ffa 100644 --- a/src/Datasets/Generators/SwissRoll.php +++ b/src/Datasets/Generators/SwissRoll.php @@ -31,7 +31,7 @@ class SwissRoll implements Generator /** * The center vector of the swiss roll. * - * @var \Tensor\Vector + * @var Vector */ protected \Tensor\Vector $center; @@ -63,7 +63,7 @@ class SwissRoll implements Generator * @param float $scale * @param float $depth * @param float $noise - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $x = 0.0, @@ -110,7 +110,7 @@ public function dimensions() : int * Generate n data points. * * @param int<0,max> $n - * @return \Rubix\ML\Datasets\Labeled + * @return Labeled */ public function generate(int $n) : Labeled { diff --git a/src/Datasets/Labeled.php b/src/Datasets/Labeled.php index ae9d478d5..93908e988 100644 --- a/src/Datasets/Labeled.php +++ b/src/Datasets/Labeled.php @@ -96,7 +96,7 @@ public static function fromIterator(iterable $iterator) : self * Stack a number of datasets on top of each other to form a single dataset. * * @param iterable<\Rubix\ML\Datasets\Labeled> $datasets - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public static function stack(iterable $datasets) : self @@ -136,7 +136,7 @@ public static function stack(iterable $datasets) : self * @param array $samples * @param (string|int|float)[] $labels * @param bool $verify - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $samples = [], array $labels = [], bool $verify = true) { @@ -189,7 +189,7 @@ public function labels() : array * Return a label at the given row offset. * * @param int $offset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return int|float|string */ public function label(int $offset) @@ -204,8 +204,8 @@ public function label(int $offset) /** * Return the integer encoded data type of the label or null if empty. * - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\DataType + * @throws RuntimeException + * @return DataType */ public function labelType() : DataType { @@ -220,7 +220,7 @@ public function labelType() : DataType * Map labels to their new values and return self for method chaining. * * @param callable $callback - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return self */ public function transformLabels(callable $callback) : self @@ -253,7 +253,7 @@ public function possibleOutcomes() : array * Return a dataset containing only the first n samples. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function head(int $n = 10) : self @@ -270,7 +270,7 @@ public function head(int $n = 10) : self * Return a dataset containing only the last n samples. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function tail(int $n = 10) : self @@ -288,7 +288,7 @@ public function tail(int $n = 10) : self * dataset. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function take(int $n = 1) : self @@ -306,7 +306,7 @@ public function take(int $n = 1) : self * dataset. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function leave(int $n = 1) : self @@ -352,8 +352,8 @@ public function splice(int $offset, int $n) : self /** * Merge the rows of this dataset with another dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException * @return self */ public function merge(Dataset $dataset) : self @@ -380,8 +380,8 @@ public function merge(Dataset $dataset) : self /** * Join the columns of this dataset with another dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException * @return self */ public function join(Dataset $dataset) : self @@ -450,7 +450,7 @@ public function stratifyByLabel() : array * Split the dataset into two subsets with a given ratio of samples. * * @param float $ratio - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return array{self,self} */ public function split(float $ratio = 0.5) : array @@ -479,7 +479,7 @@ public function split(float $ratio = 0.5) : array * Split the dataset into two stratified subsets with a given ratio of samples. * * @param float $ratio - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return array{self,self} */ public function stratifiedSplit(float $ratio = 0.5) : array @@ -508,7 +508,7 @@ public function stratifiedSplit(float $ratio = 0.5) : array * Fold the dataset k - 1 times to form k equal size datasets. * * @param int $k - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return list */ public function fold(int $k = 10) : array @@ -539,7 +539,7 @@ public function fold(int $k = 10) : array * Fold the dataset into k equal sized stratified datasets. * * @param int $k - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return list */ public function stratifiedFold(int $k = 10) : array @@ -589,7 +589,7 @@ public function batch(int $n = 50) : array * * @param int $column * @param string|int|float $value - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return array{self,self} */ public function splitByFeature(int $column, $value) : array @@ -633,7 +633,7 @@ public function splitByFeature(int $column, $value) : array * * @param (string|int|float)[] $leftCentroid * @param (string|int|float)[] $rightCentroid - * @param \Rubix\ML\Kernels\Distance\Distance $kernel + * @param Distance $kernel * @return array{self,self} */ public function spatialSplit(array $leftCentroid, array $rightCentroid, Distance $kernel) @@ -663,7 +663,7 @@ public function spatialSplit(array $leftCentroid, array $rightCentroid, Distance * Generate a random subset without replacement. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function randomSubset(int $n) : self @@ -696,7 +696,7 @@ public function randomSubset(int $n) : self * Generate a random subset with replacement. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function randomSubsetWithReplacement(int $n) : self @@ -725,7 +725,7 @@ public function randomSubsetWithReplacement(int $n) : self * * @param int $n * @param (int|float)[] $weights - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function randomWeightedSubsetWithReplacement(int $n, array $weights) : self @@ -787,7 +787,7 @@ public function randomWeightedSubsetWithReplacement(int $n, array $weights) : se /** * Describe the features of the dataset broken down by label. * - * @return \Rubix\ML\Report + * @return Report */ public function describeByLabel() : Report { @@ -804,7 +804,7 @@ public function describeByLabel() : Report * Return a row from the dataset at the given offset. * * @param int $offset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return mixed[] */ #[\ReturnTypeWillChange] diff --git a/src/Datasets/Unlabeled.php b/src/Datasets/Unlabeled.php index fd7edf176..2adc928f1 100644 --- a/src/Datasets/Unlabeled.php +++ b/src/Datasets/Unlabeled.php @@ -69,7 +69,7 @@ public static function fromIterator(iterable $iterator) : self * Stack a number of datasets on top of each other to form a single dataset. * * @param iterable<\Rubix\ML\Datasets\Dataset> $datasets - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public static function stack(iterable $datasets) : self @@ -104,7 +104,7 @@ public static function stack(iterable $datasets) : self * Return a dataset containing only the first n samples. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function head(int $n = 10) : self @@ -121,7 +121,7 @@ public function head(int $n = 10) : self * Return a dataset containing only the last n samples. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function tail(int $n = 10) : self @@ -138,7 +138,7 @@ public function tail(int $n = 10) : self * Take n samples from this dataset and return them in a new dataset. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function take(int $n = 1) : self @@ -155,7 +155,7 @@ public function take(int $n = 1) : self * Leave n samples on this dataset and return the rest in a new dataset. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function leave(int $n = 1) : self @@ -196,8 +196,8 @@ public function splice(int $offset, int $n) : self /** * Merge another dataset with this dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException * @return self */ public function merge(Dataset $dataset) : self @@ -216,8 +216,8 @@ public function merge(Dataset $dataset) : self /** * Join the columns of this dataset with another dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException * @return self */ public function join(Dataset $dataset) : self @@ -253,7 +253,7 @@ public function randomize() : self * Split the dataset into two stratified subsets with a given ratio of samples. * * @param float $ratio - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return array{self,self} */ public function split(float $ratio = 0.5) : array @@ -275,7 +275,7 @@ public function split(float $ratio = 0.5) : array * Fold the dataset k - 1 times to form k equal size datasets. * * @param int $k - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return list */ public function fold(int $k = 3) : array @@ -318,7 +318,7 @@ public function batch(int $n = 50) : array * * @param int $column * @param string|int|float $value - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return array{self,self} */ public function splitByFeature(int $column, $value) : array @@ -353,7 +353,7 @@ public function splitByFeature(int $column, $value) : array * * @param (string|int|float)[] $leftCentroid * @param (string|int|float)[] $rightCentroid - * @param \Rubix\ML\Kernels\Distance\Distance $kernel + * @param Distance $kernel * @return array{self,self} */ public function spatialSplit(array $leftCentroid, array $rightCentroid, Distance $kernel) @@ -378,7 +378,7 @@ public function spatialSplit(array $leftCentroid, array $rightCentroid, Distance * Generate a random subset without replacement. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function randomSubset(int $n) : self @@ -410,7 +410,7 @@ public function randomSubset(int $n) : self * Generate a random subset with replacement. * * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function randomSubsetWithReplacement(int $n) : self @@ -436,7 +436,7 @@ public function randomSubsetWithReplacement(int $n) : self * * @param int $n * @param (int|float)[] $weights - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return self */ public function randomWeightedSubsetWithReplacement(int $n, array $weights) : self @@ -497,7 +497,7 @@ public function randomWeightedSubsetWithReplacement(int $n, array $weights) : se * Return a row from the dataset at the given offset. * * @param int $offset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return mixed[] */ #[\ReturnTypeWillChange] diff --git a/src/Encoding.php b/src/Encoding.php index bbef8b9f9..e04bb7815 100644 --- a/src/Encoding.php +++ b/src/Encoding.php @@ -38,8 +38,8 @@ public function data() : string /** * Deserialize the encoding with a given serializer and return a persistable object. * - * @param \Rubix\ML\Serializers\Serializer $serializer - * @return \Rubix\ML\Persistable + * @param Serializer $serializer + * @return Persistable */ public function deserializeWith(Serializer $serializer) : Persistable { @@ -49,7 +49,7 @@ public function deserializeWith(Serializer $serializer) : Persistable /** * Save the encoding with a given persister. * - * @param \Rubix\ML\Persisters\Persister $persister + * @param Persister $persister */ public function saveTo(Persister $persister) : void { diff --git a/src/Estimator.php b/src/Estimator.php index 8687554d7..1572f769d 100644 --- a/src/Estimator.php +++ b/src/Estimator.php @@ -19,7 +19,7 @@ interface Estimator extends Stringable * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType; @@ -44,7 +44,7 @@ public function params() : array; /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array; diff --git a/src/EstimatorType.php b/src/EstimatorType.php index e8a10ef5b..8e709cd24 100644 --- a/src/EstimatorType.php +++ b/src/EstimatorType.php @@ -131,7 +131,7 @@ public static function anomalyDetector() : self /** * @param int $code - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $code) { diff --git a/src/Exceptions/EstimatorIncompatibleWithMetric.php b/src/Exceptions/EstimatorIncompatibleWithMetric.php index f8dbfa577..0af313c4d 100644 --- a/src/Exceptions/EstimatorIncompatibleWithMetric.php +++ b/src/Exceptions/EstimatorIncompatibleWithMetric.php @@ -8,8 +8,8 @@ class EstimatorIncompatibleWithMetric extends InvalidArgumentException { /** - * @param \Rubix\ML\Estimator $estimator - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric + * @param Estimator $estimator + * @param Metric $metric */ public function __construct(Estimator $estimator, Metric $metric) { diff --git a/src/Exceptions/IncorrectDatasetDimensionality.php b/src/Exceptions/IncorrectDatasetDimensionality.php index 144919757..86780ebbc 100644 --- a/src/Exceptions/IncorrectDatasetDimensionality.php +++ b/src/Exceptions/IncorrectDatasetDimensionality.php @@ -7,7 +7,7 @@ class IncorrectDatasetDimensionality extends InvalidArgumentException { /** - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $dimensions */ public function __construct(Dataset $dataset, int $dimensions) diff --git a/src/Extractors/CSV.php b/src/Extractors/CSV.php index 3b98ec676..61b762423 100644 --- a/src/Extractors/CSV.php +++ b/src/Extractors/CSV.php @@ -79,7 +79,7 @@ class CSV implements Extractor, Exporter * @param string $delimiter * @param string $enclosure * @param string $escape - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( string $path, @@ -132,7 +132,7 @@ public function header() : array * Export an iterable data table. * * @param iterable $iterator - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function export(iterable $iterator) : void { @@ -180,7 +180,7 @@ public function export(iterable $iterator) : void /** * Return an iterator for the records in the data table. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return \Generator */ public function getIterator() : Traversable diff --git a/src/Extractors/Deduplicator.php b/src/Extractors/Deduplicator.php index 0e0c221e4..96a09c34a 100644 --- a/src/Extractors/Deduplicator.php +++ b/src/Extractors/Deduplicator.php @@ -29,7 +29,7 @@ class Deduplicator implements Extractor /** * The Bloom filter. * - * @var \OkBloomer\BloomFilter + * @var BloomFilter */ protected BloomFilter $filter; diff --git a/src/Extractors/NDJSON.php b/src/Extractors/NDJSON.php index 3050d9177..885b85345 100644 --- a/src/Extractors/NDJSON.php +++ b/src/Extractors/NDJSON.php @@ -41,7 +41,7 @@ class NDJSON implements Extractor, Exporter /** * @param string $path - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(string $path) { @@ -60,7 +60,7 @@ public function __construct(string $path) * Export an iterable data table. * * @param iterable $iterator - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function export(iterable $iterator) : void { @@ -96,7 +96,7 @@ public function export(iterable $iterator) : void /** * Return an iterator for the records in the data table. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return \Generator */ public function getIterator() : Traversable diff --git a/src/Extractors/SQLTable.php b/src/Extractors/SQLTable.php index 3ca38988f..4d2b8ed5f 100644 --- a/src/Extractors/SQLTable.php +++ b/src/Extractors/SQLTable.php @@ -28,7 +28,7 @@ class SQLTable implements Extractor /** * The PDO connection to the database. * - * @var \PDO + * @var PDO */ protected \PDO $connection; @@ -47,10 +47,10 @@ class SQLTable implements Extractor protected int $batchSize; /** - * @param \PDO $connection + * @param PDO $connection * @param string $table * @param int $batchSize - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(PDO $connection, string $table, int $batchSize = 256) { diff --git a/src/Graph/Nodes/Ball.php b/src/Graph/Nodes/Ball.php index 39846436f..8c788669b 100644 --- a/src/Graph/Nodes/Ball.php +++ b/src/Graph/Nodes/Ball.php @@ -51,8 +51,8 @@ class Ball implements Hypersphere, HasBinaryChildren /** * Factory method to build a hypersphere by splitting the dataset into left and right clusters. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\Kernels\Distance\Distance $kernel + * @param Labeled $dataset + * @param Distance $kernel * @return self */ public static function split(Labeled $dataset, Distance $kernel) : self @@ -135,7 +135,7 @@ public function isPoint() : bool /** * Return the left and right subsets of the training data. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return array{\Rubix\ML\Datasets\Labeled,\Rubix\ML\Datasets\Labeled} */ public function subsets() : array diff --git a/src/Graph/Nodes/Box.php b/src/Graph/Nodes/Box.php index cbaf9377e..b738a1147 100644 --- a/src/Graph/Nodes/Box.php +++ b/src/Graph/Nodes/Box.php @@ -66,7 +66,7 @@ class Box implements Hypercube, HasBinaryChildren * Factory method to build a coordinate node from a labeled dataset * using the column with the highest range as the column for the split. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset * @return self */ public static function split(Labeled $dataset) : self @@ -128,7 +128,7 @@ public function value() /** * Return the left and right subsets of the training data. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return array{\Rubix\ML\Datasets\Labeled,\Rubix\ML\Datasets\Labeled} */ public function subsets() : array diff --git a/src/Graph/Nodes/Clique.php b/src/Graph/Nodes/Clique.php index cbe54c330..8b6dedd45 100644 --- a/src/Graph/Nodes/Clique.php +++ b/src/Graph/Nodes/Clique.php @@ -24,7 +24,7 @@ class Clique implements Hypersphere, BinaryNode /** * The dataset stored in the node. * - * @var \Rubix\ML\Datasets\Labeled + * @var Labeled */ protected \Rubix\ML\Datasets\Labeled $dataset; @@ -45,8 +45,8 @@ class Clique implements Hypersphere, BinaryNode /** * Terminate a branch with a dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\Kernels\Distance\Distance $kernel + * @param Labeled $dataset + * @param Distance $kernel * @return self */ public static function terminate(Labeled $dataset, Distance $kernel) : self @@ -73,7 +73,7 @@ public static function terminate(Labeled $dataset, Distance $kernel) : self } /** - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset * @param list $center * @param float $radius */ @@ -87,7 +87,7 @@ public function __construct(Labeled $dataset, array $center, float $radius) /** * Return the dataset stored in the node. * - * @return \Rubix\ML\Datasets\Labeled + * @return Labeled */ public function dataset() : Labeled { diff --git a/src/Graph/Nodes/Depth.php b/src/Graph/Nodes/Depth.php index 01bf1d150..889278f46 100644 --- a/src/Graph/Nodes/Depth.php +++ b/src/Graph/Nodes/Depth.php @@ -50,7 +50,7 @@ public static function c(int $n) : float /** * Terminate a branch with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $depth * @return self */ diff --git a/src/Graph/Nodes/HasBinaryChildren.php b/src/Graph/Nodes/HasBinaryChildren.php index 11ca7d32e..569965f8f 100644 --- a/src/Graph/Nodes/HasBinaryChildren.php +++ b/src/Graph/Nodes/HasBinaryChildren.php @@ -18,14 +18,14 @@ interface HasBinaryChildren extends BinaryNode /** * Return the left child node. * - * @return \Rubix\ML\Graph\Nodes\BinaryNode|null + * @return BinaryNode|null */ public function left() : ?BinaryNode; /** * Return the right child node. * - * @return \Rubix\ML\Graph\Nodes\BinaryNode|null + * @return BinaryNode|null */ public function right() : ?BinaryNode; @@ -47,14 +47,14 @@ public function balance() : int; /** * Set the left child node. * - * @param \Rubix\ML\Graph\Nodes\BinaryNode|null $node + * @param BinaryNode|null $node */ public function attachLeft(?BinaryNode $node = null) : void; /** * Set the right child node. * - * @param \Rubix\ML\Graph\Nodes\BinaryNode|null $node + * @param BinaryNode|null $node */ public function attachRight(?BinaryNode $node = null) : void; } diff --git a/src/Graph/Nodes/Isolator.php b/src/Graph/Nodes/Isolator.php index 35e9cf265..995832c67 100644 --- a/src/Graph/Nodes/Isolator.php +++ b/src/Graph/Nodes/Isolator.php @@ -55,7 +55,7 @@ class Isolator implements HasBinaryChildren /** * Factory method to build a isolator node from a dataset using a random split of the dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return self */ public static function split(Dataset $dataset) : self @@ -123,7 +123,7 @@ public function value() /** * Return the left and right subsets of the training data. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return array{\Rubix\ML\Datasets\Dataset,\Rubix\ML\Datasets\Dataset} */ public function subsets() : array diff --git a/src/Graph/Nodes/Neighborhood.php b/src/Graph/Nodes/Neighborhood.php index 4b9e94110..9fce001f2 100644 --- a/src/Graph/Nodes/Neighborhood.php +++ b/src/Graph/Nodes/Neighborhood.php @@ -22,7 +22,7 @@ class Neighborhood implements Hypercube, BinaryNode /** * The dataset stored in the node. * - * @var \Rubix\ML\Datasets\Labeled + * @var Labeled */ protected \Rubix\ML\Datasets\Labeled $dataset; @@ -43,7 +43,7 @@ class Neighborhood implements Hypercube, BinaryNode /** * Terminate a branch with a dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset * @return self */ public static function terminate(Labeled $dataset) : self @@ -59,7 +59,7 @@ public static function terminate(Labeled $dataset) : self } /** - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset * @param list $min * @param list $max */ @@ -73,7 +73,7 @@ public function __construct(Labeled $dataset, array $min, array $max) /** * Return the dataset stored in the node. * - * @return \Rubix\ML\Datasets\Labeled + * @return Labeled */ public function dataset() : Labeled { diff --git a/src/Graph/Nodes/Split.php b/src/Graph/Nodes/Split.php index 7f2903d15..8a53814ff 100644 --- a/src/Graph/Nodes/Split.php +++ b/src/Graph/Nodes/Split.php @@ -95,7 +95,7 @@ public function value() /** * Return the left and right subsets of the training data. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return array{\Rubix\ML\Datasets\Labeled,\Rubix\ML\Datasets\Labeled} */ public function subsets() : array diff --git a/src/Graph/Trees/BallTree.php b/src/Graph/Trees/BallTree.php index 1e159f067..f6e02d029 100644 --- a/src/Graph/Trees/BallTree.php +++ b/src/Graph/Trees/BallTree.php @@ -45,7 +45,7 @@ class BallTree implements BinaryTree, Spatial /** * The distance function to use when computing the distances. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; @@ -59,7 +59,7 @@ class BallTree implements BinaryTree, Spatial /** * @param int $maxLeafSize * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $maxLeafSize = 30, ?Distance $kernel = null) { @@ -115,7 +115,7 @@ public function bare() : bool * * @internal * - * @return \Rubix\ML\Kernels\Distance\Distance + * @return Distance */ public function kernel() : Distance { @@ -128,8 +128,8 @@ public function kernel() : Distance * * @internal * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Labeled $dataset + * @throws InvalidArgumentException */ public function grow(Labeled $dataset) : void { @@ -175,7 +175,7 @@ public function grow(Labeled $dataset) : void * * @param list $sample * @param int $k - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return array{list>,list,list} */ public function nearest(array $sample, int $k = 1) : array @@ -243,7 +243,7 @@ public function nearest(array $sample, int $k = 1) : array * * @param list $sample * @param float $radius - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @throws \Rubix\ML\Exceptions\RuntimeException * @return array{list>,list,list} */ diff --git a/src/Graph/Trees/CART.php b/src/Graph/Trees/CART.php index 9ca07a788..d947b099d 100644 --- a/src/Graph/Trees/CART.php +++ b/src/Graph/Trees/CART.php @@ -81,8 +81,8 @@ public function __construct( /** * Greedy algorithm to choose the best split point for a given dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @return \Rubix\ML\Graph\Nodes\Split + * @param Labeled $dataset + * @return Split */ protected function split(Labeled $dataset) : Split { diff --git a/src/Graph/Trees/DecisionTree.php b/src/Graph/Trees/DecisionTree.php index e602156b9..5c98f0e44 100644 --- a/src/Graph/Trees/DecisionTree.php +++ b/src/Graph/Trees/DecisionTree.php @@ -163,7 +163,7 @@ public function bare() : bool * * @internal * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset * @throws \InvalidArgumentException */ public function grow(Labeled $dataset) : void @@ -328,8 +328,8 @@ public function getIterator() : Traversable * * @param string[]|null $featureNames * @param int $maxDepth - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Encoding + * @throws RuntimeException + * @return Encoding */ public function exportGraphviz(?array $featureNames = null, ?int $maxDepth = null) : Encoding { @@ -353,16 +353,16 @@ public function exportGraphviz(?array $featureNames = null, ?int $maxDepth = nul /** * Find a split point for a given subset of the training set. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @return \Rubix\ML\Graph\Nodes\Split + * @param Labeled $dataset + * @return Split */ abstract protected function split(Labeled $dataset) : Split; /** * Terminate a branch with an outcome node. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @return \Rubix\ML\Graph\Nodes\Outcome + * @param Labeled $dataset + * @return Outcome */ abstract protected function terminate(Labeled $dataset); @@ -404,7 +404,7 @@ protected function splitImpurity(array $subsets) : float * * @param string $carry * @param int $nodesCounter - * @param \Rubix\ML\Graph\Nodes\BinaryNode $node + * @param BinaryNode $node * @param int $maxDepth * @param string[]|null $featureNames * @param int|null $parentId diff --git a/src/Graph/Trees/ExtraTree.php b/src/Graph/Trees/ExtraTree.php index f379cb8e9..0ee1690ab 100644 --- a/src/Graph/Trees/ExtraTree.php +++ b/src/Graph/Trees/ExtraTree.php @@ -65,8 +65,8 @@ public function __construct( * Randomized algorithm that chooses the split point with the lowest impurity * among a random selection of features. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @return \Rubix\ML\Graph\Nodes\Split + * @param Labeled $dataset + * @return Split */ protected function split(Labeled $dataset) : Split { diff --git a/src/Graph/Trees/ITree.php b/src/Graph/Trees/ITree.php index 7b6727373..d44883033 100644 --- a/src/Graph/Trees/ITree.php +++ b/src/Graph/Trees/ITree.php @@ -47,7 +47,7 @@ class ITree implements BinaryTree /** * @param int $maxHeight - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $maxHeight = PHP_INT_MAX) { @@ -95,7 +95,7 @@ public function bare() : bool * Insert a root node and recursively split the dataset until a * terminating condition is met. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function grow(Dataset $dataset) : void { diff --git a/src/Graph/Trees/KDTree.php b/src/Graph/Trees/KDTree.php index 8cc146284..20174695d 100644 --- a/src/Graph/Trees/KDTree.php +++ b/src/Graph/Trees/KDTree.php @@ -44,7 +44,7 @@ class KDTree implements BinaryTree, Spatial /** * The distance function to use when computing the distances. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; @@ -58,7 +58,7 @@ class KDTree implements BinaryTree, Spatial /** * @param int $maxLeafSize * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $maxLeafSize = 30, ?Distance $kernel = null) { @@ -119,7 +119,7 @@ public function bare() : bool * * @internal * - * @return \Rubix\ML\Kernels\Distance\Distance + * @return Distance */ public function kernel() : Distance { @@ -131,8 +131,8 @@ public function kernel() : Distance * * @internal * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Labeled $dataset + * @throws InvalidArgumentException */ public function grow(Labeled $dataset) : void { @@ -182,7 +182,7 @@ public function grow(Labeled $dataset) : void * * @param list $sample * @param int $k - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return array{list>,list,list} */ public function nearest(array $sample, int $k = 1) : array @@ -252,7 +252,7 @@ public function nearest(array $sample, int $k = 1) : array * * @param list $sample * @param float $radius - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return array{list>,list,list} */ public function range(array $sample, float $radius) : array diff --git a/src/Graph/Trees/Spatial.php b/src/Graph/Trees/Spatial.php index 6f4ec3d00..127364d5a 100644 --- a/src/Graph/Trees/Spatial.php +++ b/src/Graph/Trees/Spatial.php @@ -22,7 +22,7 @@ interface Spatial extends Tree, Stringable * * @internal * - * @return \Rubix\ML\Kernels\Distance\Distance + * @return Distance */ public function kernel() : Distance; @@ -31,7 +31,7 @@ public function kernel() : Distance; * * @internal * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset */ public function grow(Labeled $dataset) : void; diff --git a/src/GridSearch.php b/src/GridSearch.php index 40c1122d9..42ab7f3a3 100644 --- a/src/GridSearch.php +++ b/src/GridSearch.php @@ -60,21 +60,21 @@ class GridSearch implements Estimator, Learner, Parallel, Verbose, Persistable /** * The validation metric used to score the estimator. * - * @var \Rubix\ML\CrossValidation\Metrics\Metric + * @var Metric */ protected \Rubix\ML\CrossValidation\Metrics\Metric $metric; /** * The validator used to test the estimator. * - * @var \Rubix\ML\CrossValidation\Validator + * @var Validator */ protected \Rubix\ML\CrossValidation\Validator $validator; /** * The base estimator instance. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $base; @@ -115,9 +115,9 @@ protected static function combine(array $params) : array /** * @param class-string $class * @param array $params - * @param \Rubix\ML\CrossValidation\Metrics\Metric|null $metric - * @param \Rubix\ML\CrossValidation\Validator|null $validator - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param CrossValidation\Metrics\Metric|null $metric + * @param CrossValidation\Validator|null $validator + * @throws InvalidArgumentException */ public function __construct( string $class, @@ -184,7 +184,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -235,7 +235,7 @@ public function trained() : bool /** * Return the base learner instance. * - * @return \Rubix\ML\Estimator + * @return Estimator */ public function base() : Estimator { @@ -246,7 +246,7 @@ public function base() : Estimator * Train one estimator per combination of parameters given by the grid and * assign the best one as the base estimator of this instance. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Datasets\Labeled $dataset */ public function train(Dataset $dataset) : void { @@ -266,7 +266,7 @@ public function train(Dataset $dataset) : void $this->backend->flush(); foreach ($combinations as $params) { - /** @var \Rubix\ML\Learner $estimator */ + /** @var Learner $estimator */ $estimator = new $this->class(...$params); $task = new CrossValidate( @@ -307,8 +307,8 @@ public function train(Dataset $dataset) : void /** * Make a prediction on a given sample dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws Exceptions\RuntimeException * @return mixed[] */ public function predict(Dataset $dataset) : array diff --git a/src/Helpers/CPU.php b/src/Helpers/CPU.php index 9df82e51e..e64b34498 100644 --- a/src/Helpers/CPU.php +++ b/src/Helpers/CPU.php @@ -41,7 +41,7 @@ class CPU /** * Return the number of cpu cores or 0 if unable to detect. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return int */ public static function cores() : int diff --git a/src/Helpers/Graphviz.php b/src/Helpers/Graphviz.php index 9b7bdf3e3..9fa2cf07d 100644 --- a/src/Helpers/Graphviz.php +++ b/src/Helpers/Graphviz.php @@ -29,10 +29,10 @@ class Graphviz * * See https://graphviz.org/docs/outputs/ for supported formats * - * @param \Rubix\ML\Encoding $dot + * @param Encoding $dot * @param string $format - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Encoding + * @throws RuntimeException + * @return Encoding */ public static function dotToImage(Encoding $dot, string $format = 'png') : Encoding { diff --git a/src/Helpers/JSON.php b/src/Helpers/JSON.php index d72e1a335..d37b88fed 100644 --- a/src/Helpers/JSON.php +++ b/src/Helpers/JSON.php @@ -39,7 +39,7 @@ class JSON * @param mixed $value * @param int $options * @param positive-int $depth - * @throws \Rubix\ML\Exceptions\JSONException + * @throws JSONException * @return string */ public static function encode($value, int $options = self::DEFAULT_OPTIONS, int $depth = self::DEFAULT_DEPTH) : string @@ -59,7 +59,7 @@ public static function encode($value, int $options = self::DEFAULT_OPTIONS, int * @param string $data * @param int $options * @param positive-int $depth - * @throws \Rubix\ML\Exceptions\JSONException + * @throws JSONException * @return mixed[] */ public static function decode(string $data, int $options = self::DEFAULT_OPTIONS, int $depth = self::DEFAULT_DEPTH) : array diff --git a/src/Helpers/Params.php b/src/Helpers/Params.php index 42575607a..20bf861bb 100644 --- a/src/Helpers/Params.php +++ b/src/Helpers/Params.php @@ -30,7 +30,7 @@ class Params * @param int $min * @param int $max * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return int[] */ public static function ints(int $min, int $max, int $n = 10) : array @@ -69,7 +69,7 @@ public static function ints(int $min, int $max, int $n = 10) : array * @param float $min * @param float $max * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float[] */ public static function floats(float $min, float $max, int $n = 10) : array @@ -104,7 +104,7 @@ public static function floats(float $min, float $max, int $n = 10) : array * @param float $min * @param float $max * @param int $n - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float[] */ public static function grid(float $min, float $max, int $n = 10) : array diff --git a/src/Helpers/Stats.php b/src/Helpers/Stats.php index f1a100c35..1719df856 100644 --- a/src/Helpers/Stats.php +++ b/src/Helpers/Stats.php @@ -76,7 +76,7 @@ public static function weightedMean(array $values, array $weights) : float * Calculate the median of a set of values. * * @param mixed[] $values - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float */ public static function median(array $values) : float @@ -105,7 +105,7 @@ public static function median(array $values) : float * * @param mixed[] $values * @param float $q - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float */ public static function quantile(array $values, float $q) : float @@ -118,7 +118,7 @@ public static function quantile(array $values, float $q) : float * * @param mixed[] $values * @param float[] $qs - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return (int|float)[] */ public static function quantiles(array $values, array $qs) : array @@ -159,7 +159,7 @@ public static function quantiles(array $values, array $qs) : array * * @param mixed[] $values * @param float|null $mean - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float */ public static function variance(array $values, ?float $mean = null) : float @@ -184,7 +184,7 @@ public static function variance(array $values, ?float $mean = null) : float * * @param mixed[] $values * @param float|null $median - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float */ public static function mad(array $values, ?float $median = null) : float @@ -210,7 +210,7 @@ public static function mad(array $values, ?float $median = null) : float * * @param mixed[] $values * @param float|null $mean - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float */ public static function skewness(array $values, ?float $mean = null) : float @@ -232,7 +232,7 @@ public static function skewness(array $values, ?float $mean = null) : float * * @param mixed[] $values * @param float|null $mean - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float */ public static function kurtosis(array $values, ?float $mean = null) : float @@ -255,7 +255,7 @@ public static function kurtosis(array $values, ?float $mean = null) : float * @param mixed[] $values * @param int $moment * @param float|null $mean - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return float */ public static function centralMoment(array $values, int $moment, ?float $mean = null) : float diff --git a/src/Kernels/Distance/Gower.php b/src/Kernels/Distance/Gower.php index 7f2c65ca2..3932ec4b7 100644 --- a/src/Kernels/Distance/Gower.php +++ b/src/Kernels/Distance/Gower.php @@ -36,7 +36,7 @@ class Gower implements Distance, NaNSafe /** * @param float $range - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $range = 1.0) { diff --git a/src/Kernels/Distance/Minkowski.php b/src/Kernels/Distance/Minkowski.php index 78658e252..35f58f6c8 100644 --- a/src/Kernels/Distance/Minkowski.php +++ b/src/Kernels/Distance/Minkowski.php @@ -36,7 +36,7 @@ class Minkowski implements Distance /** * @param float $lambda - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $lambda = 3.0) { diff --git a/src/Kernels/SVM/Polynomial.php b/src/Kernels/SVM/Polynomial.php index 4e6942ca0..ccd3f0332 100644 --- a/src/Kernels/SVM/Polynomial.php +++ b/src/Kernels/SVM/Polynomial.php @@ -44,7 +44,7 @@ class Polynomial implements Kernel * @param int $degree * @param float $gamma * @param float $coef0 - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $degree = 3, ?float $gamma = null, float $coef0 = 0.0) { diff --git a/src/NeuralNet/ActivationFunctions/ActivationFunction.php b/src/NeuralNet/ActivationFunctions/ActivationFunction.php index 3cd33e41c..a0c7e67fe 100644 --- a/src/NeuralNet/ActivationFunctions/ActivationFunction.php +++ b/src/NeuralNet/ActivationFunctions/ActivationFunction.php @@ -19,8 +19,8 @@ interface ActivationFunction extends Stringable * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix; @@ -29,9 +29,9 @@ public function activate(Matrix $input) : Matrix; * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix; } diff --git a/src/NeuralNet/ActivationFunctions/ELU.php b/src/NeuralNet/ActivationFunctions/ELU.php index a2125a5a9..1624e0255 100644 --- a/src/NeuralNet/ActivationFunctions/ELU.php +++ b/src/NeuralNet/ActivationFunctions/ELU.php @@ -33,7 +33,7 @@ class ELU implements ActivationFunction /** * @param float $alpha - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $alpha = 1.0) { @@ -50,8 +50,8 @@ public function __construct(float $alpha = 1.0) * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -63,9 +63,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/GELU.php b/src/NeuralNet/ActivationFunctions/GELU.php index add54113e..ee53a511f 100644 --- a/src/NeuralNet/ActivationFunctions/GELU.php +++ b/src/NeuralNet/ActivationFunctions/GELU.php @@ -58,8 +58,8 @@ protected static function sech2(float $value) : float /** * Compute the output value. * - * @param \Tensor\Matrix $z - * @return \Tensor\Matrix + * @param Matrix $z + * @return Matrix */ public function activate(Matrix $z) : Matrix { @@ -71,9 +71,9 @@ public function activate(Matrix $z) : Matrix * * @internal * - * @param \Tensor\Matrix $z - * @param \Tensor\Matrix $computed - * @return \Tensor\Matrix + * @param Matrix $z + * @param Matrix $computed + * @return Matrix */ public function differentiate(Matrix $z, Matrix $computed) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/HyperbolicTangent.php b/src/NeuralNet/ActivationFunctions/HyperbolicTangent.php index 7cc5cc806..d686f1d8a 100644 --- a/src/NeuralNet/ActivationFunctions/HyperbolicTangent.php +++ b/src/NeuralNet/ActivationFunctions/HyperbolicTangent.php @@ -21,8 +21,8 @@ class HyperbolicTangent implements ActivationFunction * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -34,9 +34,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/LeakyReLU.php b/src/NeuralNet/ActivationFunctions/LeakyReLU.php index ea0b5dd01..3d9ac10ee 100644 --- a/src/NeuralNet/ActivationFunctions/LeakyReLU.php +++ b/src/NeuralNet/ActivationFunctions/LeakyReLU.php @@ -31,7 +31,7 @@ class LeakyReLU implements ActivationFunction /** * @param float $leakage - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $leakage = 0.1) { @@ -48,8 +48,8 @@ public function __construct(float $leakage = 0.1) * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -61,9 +61,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/ReLU.php b/src/NeuralNet/ActivationFunctions/ReLU.php index 200a68272..40e1fbe8c 100644 --- a/src/NeuralNet/ActivationFunctions/ReLU.php +++ b/src/NeuralNet/ActivationFunctions/ReLU.php @@ -25,8 +25,8 @@ class ReLU implements ActivationFunction * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -38,9 +38,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/SELU.php b/src/NeuralNet/ActivationFunctions/SELU.php index 5ac365039..8b58093d8 100644 --- a/src/NeuralNet/ActivationFunctions/SELU.php +++ b/src/NeuralNet/ActivationFunctions/SELU.php @@ -47,8 +47,8 @@ class SELU implements ActivationFunction * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -60,9 +60,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/SiLU.php b/src/NeuralNet/ActivationFunctions/SiLU.php index b3c9c1ac1..78157e698 100644 --- a/src/NeuralNet/ActivationFunctions/SiLU.php +++ b/src/NeuralNet/ActivationFunctions/SiLU.php @@ -27,8 +27,8 @@ class SiLU implements ActivationFunction * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -40,9 +40,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/Sigmoid.php b/src/NeuralNet/ActivationFunctions/Sigmoid.php index 2d0c09dd5..2369fd4e1 100644 --- a/src/NeuralNet/ActivationFunctions/Sigmoid.php +++ b/src/NeuralNet/ActivationFunctions/Sigmoid.php @@ -22,8 +22,8 @@ class Sigmoid implements ActivationFunction * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -35,9 +35,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/SoftPlus.php b/src/NeuralNet/ActivationFunctions/SoftPlus.php index 6e20aded9..17d932bfc 100644 --- a/src/NeuralNet/ActivationFunctions/SoftPlus.php +++ b/src/NeuralNet/ActivationFunctions/SoftPlus.php @@ -24,8 +24,8 @@ class SoftPlus implements ActivationFunction * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -37,9 +37,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/Softmax.php b/src/NeuralNet/ActivationFunctions/Softmax.php index 5ff6c5042..3c4bbc9e6 100644 --- a/src/NeuralNet/ActivationFunctions/Softmax.php +++ b/src/NeuralNet/ActivationFunctions/Softmax.php @@ -23,8 +23,8 @@ class Softmax extends Sigmoid * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/Softsign.php b/src/NeuralNet/ActivationFunctions/Softsign.php index 7339e34a3..4c4714fe2 100644 --- a/src/NeuralNet/ActivationFunctions/Softsign.php +++ b/src/NeuralNet/ActivationFunctions/Softsign.php @@ -25,8 +25,8 @@ class Softsign implements ActivationFunction * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -38,9 +38,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/ActivationFunctions/ThresholdedReLU.php b/src/NeuralNet/ActivationFunctions/ThresholdedReLU.php index e21f604f1..be57b3acd 100644 --- a/src/NeuralNet/ActivationFunctions/ThresholdedReLU.php +++ b/src/NeuralNet/ActivationFunctions/ThresholdedReLU.php @@ -30,7 +30,7 @@ class ThresholdedReLU implements ActivationFunction /** * @param float $threshold - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $threshold = 1.0) { @@ -47,8 +47,8 @@ public function __construct(float $threshold = 1.0) * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function activate(Matrix $input) : Matrix { @@ -60,9 +60,9 @@ public function activate(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @return Matrix */ public function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/CostFunctions/CostFunction.php b/src/NeuralNet/CostFunctions/CostFunction.php index da1ce57d0..b63881cd8 100644 --- a/src/NeuralNet/CostFunctions/CostFunction.php +++ b/src/NeuralNet/CostFunctions/CostFunction.php @@ -19,8 +19,8 @@ interface CostFunction extends Stringable * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @return float */ public function compute(Matrix $output, Matrix $target) : float; @@ -30,9 +30,9 @@ public function compute(Matrix $output, Matrix $target) : float; * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target - * @return \Tensor\Matrix + * @param Matrix $output + * @param Matrix $target + * @return Matrix */ public function differentiate(Matrix $output, Matrix $target) : Matrix; } diff --git a/src/NeuralNet/CostFunctions/CrossEntropy.php b/src/NeuralNet/CostFunctions/CrossEntropy.php index 4f9c8b858..4e7527f1c 100644 --- a/src/NeuralNet/CostFunctions/CrossEntropy.php +++ b/src/NeuralNet/CostFunctions/CrossEntropy.php @@ -27,8 +27,8 @@ class CrossEntropy implements ClassificationLoss * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @return float */ public function compute(Matrix $output, Matrix $target) : float @@ -43,9 +43,9 @@ public function compute(Matrix $output, Matrix $target) : float * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target - * @return \Tensor\Matrix + * @param Matrix $output + * @param Matrix $target + * @return Matrix */ public function differentiate(Matrix $output, Matrix $target) : Matrix { diff --git a/src/NeuralNet/CostFunctions/HuberLoss.php b/src/NeuralNet/CostFunctions/HuberLoss.php index 6b922b23f..5b38c3adc 100644 --- a/src/NeuralNet/CostFunctions/HuberLoss.php +++ b/src/NeuralNet/CostFunctions/HuberLoss.php @@ -37,7 +37,7 @@ class HuberLoss implements RegressionLoss /** * @param float $alpha - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $alpha = 0.9) { @@ -55,8 +55,8 @@ public function __construct(float $alpha = 0.9) * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @return float */ public function compute(Matrix $output, Matrix $target) : float @@ -69,9 +69,9 @@ public function compute(Matrix $output, Matrix $target) : float * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target - * @return \Tensor\Matrix + * @param Matrix $output + * @param Matrix $target + * @return Matrix */ public function differentiate(Matrix $output, Matrix $target) : Matrix { diff --git a/src/NeuralNet/CostFunctions/LeastSquares.php b/src/NeuralNet/CostFunctions/LeastSquares.php index 0fae037ec..09c598a64 100644 --- a/src/NeuralNet/CostFunctions/LeastSquares.php +++ b/src/NeuralNet/CostFunctions/LeastSquares.php @@ -21,8 +21,8 @@ class LeastSquares implements RegressionLoss * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @return float */ public function compute(Matrix $output, Matrix $target) : float @@ -35,9 +35,9 @@ public function compute(Matrix $output, Matrix $target) : float * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target - * @return \Tensor\Matrix + * @param Matrix $output + * @param Matrix $target + * @return Matrix */ public function differentiate(Matrix $output, Matrix $target) : Matrix { diff --git a/src/NeuralNet/CostFunctions/RelativeEntropy.php b/src/NeuralNet/CostFunctions/RelativeEntropy.php index 1340ea371..33ae8b23f 100644 --- a/src/NeuralNet/CostFunctions/RelativeEntropy.php +++ b/src/NeuralNet/CostFunctions/RelativeEntropy.php @@ -23,8 +23,8 @@ class RelativeEntropy implements ClassificationLoss * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @return float */ public function compute(Matrix $output, Matrix $target) : float @@ -43,9 +43,9 @@ public function compute(Matrix $output, Matrix $target) : float * * @internal * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target - * @return \Tensor\Matrix + * @param Matrix $output + * @param Matrix $target + * @return Matrix */ public function differentiate(Matrix $output, Matrix $target) : Matrix { diff --git a/src/NeuralNet/FeedForward.php b/src/NeuralNet/FeedForward.php index 5196d30a9..957824c8c 100644 --- a/src/NeuralNet/FeedForward.php +++ b/src/NeuralNet/FeedForward.php @@ -32,7 +32,7 @@ class FeedForward implements Network /** * The input layer to the network. * - * @var \Rubix\ML\NeuralNet\Layers\Input + * @var Input */ protected \Rubix\ML\NeuralNet\Layers\Input $input; @@ -57,22 +57,22 @@ class FeedForward implements Network /** * The output layer of the network. * - * @var \Rubix\ML\NeuralNet\Layers\Output + * @var Output */ protected \Rubix\ML\NeuralNet\Layers\Output $output; /** * The gradient descent optimizer used to train the network. * - * @var \Rubix\ML\NeuralNet\Optimizers\Optimizer + * @var Optimizer */ protected \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer; /** - * @param \Rubix\ML\NeuralNet\Layers\Input $input + * @param Input $input * @param \Rubix\ML\NeuralNet\Layers\Hidden[] $hidden - * @param \Rubix\ML\NeuralNet\Layers\Output $output - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer + * @param Output $output + * @param Optimizer $optimizer */ public function __construct(Input $input, array $hidden, Output $output, Optimizer $optimizer) { @@ -90,7 +90,7 @@ public function __construct(Input $input, array $hidden, Output $output, Optimiz /** * Return the input layer. * - * @return \Rubix\ML\NeuralNet\Layers\Input + * @return Input */ public function input() : Input { @@ -110,7 +110,7 @@ public function hidden() : array /** * Return the output layer. * - * @return \Rubix\ML\NeuralNet\Layers\Output + * @return Output */ public function output() : Output { @@ -176,8 +176,8 @@ public function initialize() : void /** * Run an inference pass and return the activations at the output layer. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @return \Tensor\Matrix + * @param Dataset $dataset + * @return Matrix */ public function infer(Dataset $dataset) : Matrix { @@ -194,7 +194,7 @@ public function infer(Dataset $dataset) : Matrix * Perform a forward and backward pass of the network in one call. Returns * the loss from the backward pass. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset * @return float */ public function roundtrip(Labeled $dataset) : float @@ -211,8 +211,8 @@ public function roundtrip(Labeled $dataset) : float /** * Feed a batch through the network and return a matrix of activations at the output later. * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function feed(Matrix $input) : Matrix { @@ -243,7 +243,7 @@ public function backpropagate(array $labels) : float /** * Export the network architecture as a graph in dot format. * - * @return \Rubix\ML\Encoding + * @return Encoding */ public function exportGraphviz() : Encoding { diff --git a/src/NeuralNet/Initializers/Constant.php b/src/NeuralNet/Initializers/Constant.php index 63e350a5e..32c11fd39 100644 --- a/src/NeuralNet/Initializers/Constant.php +++ b/src/NeuralNet/Initializers/Constant.php @@ -25,7 +25,7 @@ class Constant implements Initializer /** * @param float $value - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $value = 0.0) { @@ -44,7 +44,7 @@ public function __construct(float $value = 0.0) * * @param int<0,max> $fanIn * @param int<0,max> $fanOut - * @return \Tensor\Matrix + * @return Matrix */ public function initialize(int $fanIn, int $fanOut) : Matrix { diff --git a/src/NeuralNet/Initializers/He.php b/src/NeuralNet/Initializers/He.php index 7fda3f0e8..b3827d0f9 100644 --- a/src/NeuralNet/Initializers/He.php +++ b/src/NeuralNet/Initializers/He.php @@ -36,7 +36,7 @@ class He implements Initializer * * @param int<0,max> $fanIn * @param int<0,max> $fanOut - * @return \Tensor\Matrix + * @return Matrix */ public function initialize(int $fanIn, int $fanOut) : Matrix { diff --git a/src/NeuralNet/Initializers/Initializer.php b/src/NeuralNet/Initializers/Initializer.php index 84ced192b..66ef57215 100644 --- a/src/NeuralNet/Initializers/Initializer.php +++ b/src/NeuralNet/Initializers/Initializer.php @@ -21,7 +21,7 @@ interface Initializer extends Stringable * * @param int<0,max> $fanIn * @param int<0,max> $fanOut - * @return \Tensor\Matrix + * @return Matrix */ public function initialize(int $fanIn, int $fanOut) : Matrix; } diff --git a/src/NeuralNet/Initializers/LeCun.php b/src/NeuralNet/Initializers/LeCun.php index 864ce6afa..ff4c00271 100644 --- a/src/NeuralNet/Initializers/LeCun.php +++ b/src/NeuralNet/Initializers/LeCun.php @@ -30,7 +30,7 @@ class LeCun implements Initializer * * @param int<0,max> $fanIn * @param int<0,max> $fanOut - * @return \Tensor\Matrix + * @return Matrix */ public function initialize(int $fanIn, int $fanOut) : Matrix { diff --git a/src/NeuralNet/Initializers/Normal.php b/src/NeuralNet/Initializers/Normal.php index a9d7de4c8..40ede7eb2 100644 --- a/src/NeuralNet/Initializers/Normal.php +++ b/src/NeuralNet/Initializers/Normal.php @@ -26,7 +26,7 @@ class Normal implements Initializer /** * @param float $stdDev - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $stdDev = 0.05) { @@ -45,7 +45,7 @@ public function __construct(float $stdDev = 0.05) * * @param int<0,max> $fanIn * @param int<0,max> $fanOut - * @return \Tensor\Matrix + * @return Matrix */ public function initialize(int $fanIn, int $fanOut) : Matrix { diff --git a/src/NeuralNet/Initializers/Uniform.php b/src/NeuralNet/Initializers/Uniform.php index 7815064ea..179bcfcc8 100644 --- a/src/NeuralNet/Initializers/Uniform.php +++ b/src/NeuralNet/Initializers/Uniform.php @@ -26,7 +26,7 @@ class Uniform implements Initializer /** * @param float $beta - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $beta = 0.5) { @@ -45,7 +45,7 @@ public function __construct(float $beta = 0.5) * * @param int<0,max> $fanIn * @param int<0,max> $fanOut - * @return \Tensor\Matrix + * @return Matrix */ public function initialize(int $fanIn, int $fanOut) : Matrix { diff --git a/src/NeuralNet/Initializers/Xavier1.php b/src/NeuralNet/Initializers/Xavier1.php index caaafa3cf..c4587d88e 100644 --- a/src/NeuralNet/Initializers/Xavier1.php +++ b/src/NeuralNet/Initializers/Xavier1.php @@ -31,7 +31,7 @@ class Xavier1 implements Initializer * * @param int<0,max> $fanIn * @param int<0,max> $fanOut - * @return \Tensor\Matrix + * @return Matrix */ public function initialize(int $fanIn, int $fanOut) : Matrix { diff --git a/src/NeuralNet/Initializers/Xavier2.php b/src/NeuralNet/Initializers/Xavier2.php index cb3adcabe..49687b28b 100644 --- a/src/NeuralNet/Initializers/Xavier2.php +++ b/src/NeuralNet/Initializers/Xavier2.php @@ -29,7 +29,7 @@ class Xavier2 implements Initializer * * @param int<0,max> $fanIn * @param int<0,max> $fanOut - * @return \Tensor\Matrix + * @return Matrix */ public function initialize(int $fanIn, int $fanOut) : Matrix { diff --git a/src/NeuralNet/Layers/Activation.php b/src/NeuralNet/Layers/Activation.php index 3bd08e518..f0370f49e 100644 --- a/src/NeuralNet/Layers/Activation.php +++ b/src/NeuralNet/Layers/Activation.php @@ -23,7 +23,7 @@ class Activation implements Hidden /** * The function that computes the output of the layer. * - * @var \Rubix\ML\NeuralNet\ActivationFunctions\ActivationFunction + * @var ActivationFunction */ protected \Rubix\ML\NeuralNet\ActivationFunctions\ActivationFunction $activationFn; @@ -49,7 +49,7 @@ class Activation implements Hidden protected ?\Tensor\Matrix $output = null; /** - * @param \Rubix\ML\NeuralNet\ActivationFunctions\ActivationFunction $activationFn + * @param ActivationFunction $activationFn */ public function __construct(ActivationFunction $activationFn) { @@ -61,7 +61,7 @@ public function __construct(ActivationFunction $activationFn) * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return positive-int */ public function width() : int @@ -96,8 +96,8 @@ public function initialize(int $fanIn) : int * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -114,8 +114,8 @@ public function forward(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -127,10 +127,10 @@ public function infer(Matrix $input) : Matrix * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Deferred + * @param Deferred $prevGradient + * @param Optimizer $optimizer + * @throws RuntimeException + * @return Deferred */ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred { @@ -155,10 +155,10 @@ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @param \Rubix\ML\Deferred $prevGradient - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @param Deferred $prevGradient + * @return Matrix */ public function gradient(Matrix $input, Matrix $output, Deferred $prevGradient) : Matrix { diff --git a/src/NeuralNet/Layers/BatchNorm.php b/src/NeuralNet/Layers/BatchNorm.php index e65f897af..bc720dc68 100644 --- a/src/NeuralNet/Layers/BatchNorm.php +++ b/src/NeuralNet/Layers/BatchNorm.php @@ -43,14 +43,14 @@ class BatchNorm implements Hidden, Parametric /** * The initializer for the beta parameter. * - * @var \Rubix\ML\NeuralNet\Initializers\Initializer + * @var Initializer */ protected \Rubix\ML\NeuralNet\Initializers\Initializer $betaInitializer; /** * The initializer for the gamma parameter. * - * @var \Rubix\ML\NeuralNet\Initializers\Initializer + * @var Initializer */ protected \Rubix\ML\NeuralNet\Initializers\Initializer $gammaInitializer; @@ -107,7 +107,7 @@ class BatchNorm implements Hidden, Parametric * @param float $decay * @param \Rubix\ML\NeuralNet\Initializers\Initializer|null $betaInitializer * @param \Rubix\ML\NeuralNet\Initializers\Initializer|null $gammaInitializer - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $decay = 0.1, @@ -129,7 +129,7 @@ public function __construct( * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return positive-int */ public function width() : int @@ -170,9 +170,9 @@ public function initialize(int $fanIn) : int * * @internal * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws RuntimeException + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -209,9 +209,9 @@ public function forward(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws RuntimeException + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -231,10 +231,10 @@ public function infer(Matrix $input) : Matrix * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Deferred + * @param Deferred $prevGradient + * @param Optimizer $optimizer + * @throws RuntimeException + * @return Deferred */ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred { @@ -273,11 +273,11 @@ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred * * @internal * - * @param \Tensor\Matrix $dOut - * @param \Tensor\ColumnVector $gamma - * @param \Tensor\ColumnVector $stdInv - * @param \Tensor\Matrix $xHat - * @return \Tensor\Matrix + * @param Matrix $dOut + * @param ColumnVector $gamma + * @param ColumnVector $stdInv + * @param Matrix $xHat + * @return Matrix */ public function gradient(Matrix $dOut, ColumnVector $gamma, ColumnVector $stdInv, Matrix $xHat) : Matrix { @@ -298,7 +298,7 @@ public function gradient(Matrix $dOut, ColumnVector $gamma, ColumnVector $stdInv * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return \Generator<\Rubix\ML\NeuralNet\Parameter> */ public function parameters() : Generator diff --git a/src/NeuralNet/Layers/Binary.php b/src/NeuralNet/Layers/Binary.php index 663f5a755..fdd3d9807 100644 --- a/src/NeuralNet/Layers/Binary.php +++ b/src/NeuralNet/Layers/Binary.php @@ -39,14 +39,14 @@ class Binary implements Output /** * The function that computes the loss of erroneous activations. * - * @var \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss + * @var ClassificationLoss */ protected \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss $costFn; /** * The sigmoid activation function. * - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Sigmoid + * @var Sigmoid */ protected \Rubix\ML\NeuralNet\ActivationFunctions\Sigmoid $sigmoid; @@ -67,7 +67,7 @@ class Binary implements Output /** * @param string[] $classes * @param \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss|null $costFn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $classes, ?ClassificationLoss $costFn = null) { @@ -103,7 +103,7 @@ public function width() : int * the fan out for this layer. * * @param positive-int $fanIn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return positive-int */ public function initialize(int $fanIn) : int @@ -119,8 +119,8 @@ public function initialize(int $fanIn) : int /** * Compute a forward pass through the layer. * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -135,8 +135,8 @@ public function forward(Matrix $input) : Matrix /** * Compute an inferential pass through the layer. * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -147,8 +147,8 @@ public function infer(Matrix $input) : Matrix * Compute the gradient and loss at the output. * * @param string[] $labels - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Optimizer $optimizer + * @throws RuntimeException * @return (\Rubix\ML\Deferred|float)[] */ public function back(array $labels, Optimizer $optimizer) : array @@ -181,10 +181,10 @@ public function back(array $labels, Optimizer $optimizer) : array /** * Calculate the gradient for the previous layer. * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $expected - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @param Matrix $expected + * @return Matrix */ public function gradient(Matrix $input, Matrix $output, Matrix $expected) : Matrix { diff --git a/src/NeuralNet/Layers/Continuous.php b/src/NeuralNet/Layers/Continuous.php index 010f1685d..b5be4fe29 100644 --- a/src/NeuralNet/Layers/Continuous.php +++ b/src/NeuralNet/Layers/Continuous.php @@ -26,7 +26,7 @@ class Continuous implements Output /** * The function that computes the loss of erroneous activations. * - * @var \Rubix\ML\NeuralNet\CostFunctions\RegressionLoss + * @var RegressionLoss */ protected \Rubix\ML\NeuralNet\CostFunctions\RegressionLoss $costFn; @@ -60,7 +60,7 @@ public function width() : int * the fan out for this layer. * * @param positive-int $fanIn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return positive-int */ public function initialize(int $fanIn) : int @@ -76,8 +76,8 @@ public function initialize(int $fanIn) : int /** * Compute a forward pass through the layer. * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -89,8 +89,8 @@ public function forward(Matrix $input) : Matrix /** * Compute an inferential pass through the layer. * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -101,8 +101,8 @@ public function infer(Matrix $input) : Matrix * Compute the gradient and loss at the output. * * @param (int|float)[] $labels - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Optimizer $optimizer + * @throws RuntimeException * @return (\Rubix\ML\Deferred|float)[] */ public function back(array $labels, Optimizer $optimizer) : array @@ -128,9 +128,9 @@ public function back(array $labels, Optimizer $optimizer) : array /** * Calculate the gradient for the previous layer. * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $expected - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $expected + * @return Matrix */ public function gradient(Matrix $input, Matrix $expected) : Matrix { diff --git a/src/NeuralNet/Layers/Dense.php b/src/NeuralNet/Layers/Dense.php index d59129bd1..677e1f942 100644 --- a/src/NeuralNet/Layers/Dense.php +++ b/src/NeuralNet/Layers/Dense.php @@ -52,14 +52,14 @@ class Dense implements Hidden, Parametric /** * The weight initializer. * - * @var \Rubix\ML\NeuralNet\Initializers\Initializer + * @var Initializer */ protected \Rubix\ML\NeuralNet\Initializers\Initializer $weightInitializer; /** * The bias initializer. * - * @var \Rubix\ML\NeuralNet\Initializers\Initializer + * @var Initializer */ protected \Rubix\ML\NeuralNet\Initializers\Initializer $biasInitializer; @@ -90,7 +90,7 @@ class Dense implements Hidden, Parametric * @param bool $bias * @param \Rubix\ML\NeuralNet\Initializers\Initializer|null $weightInitializer * @param \Rubix\ML\NeuralNet\Initializers\Initializer|null $biasInitializer - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( int $neurons, @@ -133,8 +133,8 @@ public function width() : int * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @throws RuntimeException + * @return Matrix */ public function weights() : Matrix { @@ -176,9 +176,9 @@ public function initialize(int $fanIn) : int * * @internal * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws RuntimeException + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -202,9 +202,9 @@ public function forward(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws RuntimeException + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -226,10 +226,10 @@ public function infer(Matrix $input) : Matrix * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Deferred + * @param Deferred $prevGradient + * @param Optimizer $optimizer + * @throws RuntimeException + * @return Deferred */ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred { @@ -270,9 +270,9 @@ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred * * @internal * - * @param \Tensor\Matrix $weights - * @param \Tensor\Matrix $dOut - * @return \Tensor\Matrix + * @param Matrix $weights + * @param Matrix $dOut + * @return Matrix */ public function gradient(Matrix $weights, Matrix $dOut) : Matrix { @@ -284,7 +284,7 @@ public function gradient(Matrix $weights, Matrix $dOut) : Matrix * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return \Generator<\Rubix\ML\NeuralNet\Parameter> */ public function parameters() : Generator diff --git a/src/NeuralNet/Layers/Dropout.php b/src/NeuralNet/Layers/Dropout.php index 7c7943a03..ee8a9585c 100644 --- a/src/NeuralNet/Layers/Dropout.php +++ b/src/NeuralNet/Layers/Dropout.php @@ -56,7 +56,7 @@ class Dropout implements Hidden /** * @param float $ratio - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $ratio = 0.5) { @@ -74,7 +74,7 @@ public function __construct(float $ratio = 0.5) * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return positive-int */ public function width() : int @@ -109,8 +109,8 @@ public function initialize(int $fanIn) : int * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -130,8 +130,8 @@ public function forward(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -143,10 +143,10 @@ public function infer(Matrix $input) : Matrix * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Deferred + * @param Deferred $prevGradient + * @param Optimizer $optimizer + * @throws RuntimeException + * @return Deferred */ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred { @@ -166,9 +166,9 @@ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Tensor\Matrix $mask - * @return \Tensor\Matrix + * @param Deferred $prevGradient + * @param Matrix $mask + * @return Matrix */ public function gradient(Deferred $prevGradient, Matrix $mask) { diff --git a/src/NeuralNet/Layers/Hidden.php b/src/NeuralNet/Layers/Hidden.php index cee69b633..65c313dc6 100644 --- a/src/NeuralNet/Layers/Hidden.php +++ b/src/NeuralNet/Layers/Hidden.php @@ -19,9 +19,9 @@ interface Hidden extends Layer * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @return \Rubix\ML\Deferred + * @param Deferred $prevGradient + * @param Optimizer $optimizer + * @return Deferred */ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred; } diff --git a/src/NeuralNet/Layers/Layer.php b/src/NeuralNet/Layers/Layer.php index f983dd46e..844903572 100644 --- a/src/NeuralNet/Layers/Layer.php +++ b/src/NeuralNet/Layers/Layer.php @@ -32,8 +32,8 @@ public function initialize(int $fanIn) : int; * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix; @@ -42,8 +42,8 @@ public function forward(Matrix $input) : Matrix; * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix; } diff --git a/src/NeuralNet/Layers/Multiclass.php b/src/NeuralNet/Layers/Multiclass.php index d466ba60d..9415e7e08 100644 --- a/src/NeuralNet/Layers/Multiclass.php +++ b/src/NeuralNet/Layers/Multiclass.php @@ -39,14 +39,14 @@ class Multiclass implements Output /** * The function that computes the loss of erroneous activations. * - * @var \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss + * @var ClassificationLoss */ protected \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss $costFn; /** * The softmax activation function. * - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Softmax + * @var Softmax */ protected \Rubix\ML\NeuralNet\ActivationFunctions\Softmax $softmax; @@ -67,7 +67,7 @@ class Multiclass implements Output /** * @param string[] $classes * @param \Rubix\ML\NeuralNet\CostFunctions\ClassificationLoss|null $costFn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $classes, ?ClassificationLoss $costFn = null) { @@ -99,7 +99,7 @@ public function width() : int * the fan out for this layer. * * @param positive-int $fanIn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return positive-int */ public function initialize(int $fanIn) : int @@ -118,8 +118,8 @@ public function initialize(int $fanIn) : int /** * Compute a forward pass through the layer. * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -134,9 +134,9 @@ public function forward(Matrix $input) : Matrix /** * Compute an inferential pass through the layer. * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws RuntimeException + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -147,8 +147,8 @@ public function infer(Matrix $input) : Matrix * Compute the gradient and loss at the output. * * @param string[] $labels - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Optimizer $optimizer + * @throws RuntimeException * @return (\Rubix\ML\Deferred|float)[] */ public function back(array $labels, Optimizer $optimizer) : array @@ -187,10 +187,10 @@ public function back(array $labels, Optimizer $optimizer) : array /** * Calculate the gradient for the previous layer. * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $expected - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @param Matrix $expected + * @return Matrix */ public function gradient(Matrix $input, Matrix $output, Matrix $expected) : Matrix { diff --git a/src/NeuralNet/Layers/Noise.php b/src/NeuralNet/Layers/Noise.php index 4431d1c17..4fb1cdffe 100644 --- a/src/NeuralNet/Layers/Noise.php +++ b/src/NeuralNet/Layers/Noise.php @@ -41,7 +41,7 @@ class Noise implements Hidden /** * @param float $stdDev - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $stdDev) { @@ -58,7 +58,7 @@ public function __construct(float $stdDev) * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return positive-int */ public function width() : int @@ -93,8 +93,8 @@ public function initialize(int $fanIn) : int * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -111,8 +111,8 @@ public function forward(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -124,9 +124,9 @@ public function infer(Matrix $input) : Matrix * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @return \Rubix\ML\Deferred + * @param Deferred $prevGradient + * @param Optimizer $optimizer + * @return Deferred */ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred { diff --git a/src/NeuralNet/Layers/Output.php b/src/NeuralNet/Layers/Output.php index d0300519f..930c375f2 100644 --- a/src/NeuralNet/Layers/Output.php +++ b/src/NeuralNet/Layers/Output.php @@ -19,7 +19,7 @@ interface Output extends Layer * Compute the gradient and loss at the output. * * @param (string|int|float)[] $labels - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer + * @param Optimizer $optimizer * @throws \Rubix\ML\Exceptions\RuntimeException * @return mixed[] */ diff --git a/src/NeuralNet/Layers/PReLU.php b/src/NeuralNet/Layers/PReLU.php index 532ba985b..e208703c9 100644 --- a/src/NeuralNet/Layers/PReLU.php +++ b/src/NeuralNet/Layers/PReLU.php @@ -30,7 +30,7 @@ class PReLU implements Hidden, Parametric /** * The initializer of the alpha (leakage) parameter. * - * @var \Rubix\ML\NeuralNet\Initializers\Initializer + * @var Initializer */ protected \Rubix\ML\NeuralNet\Initializers\Initializer $initializer; @@ -68,7 +68,7 @@ public function __construct(?Initializer $initializer = null) * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return positive-int */ public function width() : int @@ -106,8 +106,8 @@ public function initialize(int $fanIn) : int * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -121,8 +121,8 @@ public function forward(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -134,10 +134,10 @@ public function infer(Matrix $input) : Matrix * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Deferred + * @param Deferred $prevGradient + * @param Optimizer $optimizer + * @throws RuntimeException + * @return Deferred */ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred { @@ -170,9 +170,9 @@ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $dOut - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $dOut + * @return Matrix */ public function gradient($input, $dOut) : Matrix { @@ -211,9 +211,9 @@ public function restore(array $parameters) : void /** * Compute the leaky ReLU activation function and return a matrix. * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws RuntimeException + * @return Matrix */ protected function activate(Matrix $input) : Matrix { @@ -245,9 +245,9 @@ protected function activate(Matrix $input) : Matrix /** * Calculate the derivative of the activation function at a given output. * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws RuntimeException + * @return Matrix */ protected function differentiate(Matrix $input) : Matrix { diff --git a/src/NeuralNet/Layers/Placeholder1D.php b/src/NeuralNet/Layers/Placeholder1D.php index 5bfabf2c2..dc60d98b8 100644 --- a/src/NeuralNet/Layers/Placeholder1D.php +++ b/src/NeuralNet/Layers/Placeholder1D.php @@ -28,7 +28,7 @@ class Placeholder1D implements Input /** * @param int $inputs - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $inputs) { @@ -63,9 +63,9 @@ public function initialize(int $fanIn) : int /** * Compute a forward pass through the layer. * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\InvalidArgumentException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws InvalidArgumentException + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -81,8 +81,8 @@ public function forward(Matrix $input) : Matrix /** * Compute an inferential pass through the layer. * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix { diff --git a/src/NeuralNet/Layers/Swish.php b/src/NeuralNet/Layers/Swish.php index 8b2d0b7cd..3a85e8c50 100644 --- a/src/NeuralNet/Layers/Swish.php +++ b/src/NeuralNet/Layers/Swish.php @@ -31,14 +31,14 @@ class Swish implements Hidden, Parametric /** * The initializer of the beta parameter. * - * @var \Rubix\ML\NeuralNet\Initializers\Initializer + * @var Initializer */ protected \Rubix\ML\NeuralNet\Initializers\Initializer $initializer; /** * The sigmoid activation function. * - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Sigmoid + * @var Sigmoid */ protected \Rubix\ML\NeuralNet\ActivationFunctions\Sigmoid $sigmoid; @@ -84,7 +84,7 @@ public function __construct(?Initializer $initializer = null) * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return positive-int */ public function width() : int @@ -122,8 +122,8 @@ public function initialize(int $fanIn) : int * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function forward(Matrix $input) : Matrix { @@ -140,8 +140,8 @@ public function forward(Matrix $input) : Matrix * * @internal * - * @param \Tensor\Matrix $input - * @return \Tensor\Matrix + * @param Matrix $input + * @return Matrix */ public function infer(Matrix $input) : Matrix { @@ -153,10 +153,10 @@ public function infer(Matrix $input) : Matrix * * @internal * - * @param \Rubix\ML\Deferred $prevGradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Deferred + * @param Deferred $prevGradient + * @param Optimizer $optimizer + * @throws RuntimeException + * @return Deferred */ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred { @@ -190,10 +190,10 @@ public function back(Deferred $prevGradient, Optimizer $optimizer) : Deferred * * @internal * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $dOut - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @param Matrix $dOut + * @return Matrix */ public function gradient($input, $output, $dOut) : Matrix { @@ -233,9 +233,9 @@ public function restore(array $parameters) : void /** * Compute the Swish activation function and return a matrix. * - * @param \Tensor\Matrix $input - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @throws RuntimeException + * @return Matrix */ protected function activate(Matrix $input) : Matrix { @@ -252,10 +252,10 @@ protected function activate(Matrix $input) : Matrix /** * Calculate the derivative of the activation function at a given output. * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $output - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Tensor\Matrix + * @param Matrix $input + * @param Matrix $output + * @throws RuntimeException + * @return Matrix */ protected function differentiate(Matrix $input, Matrix $output) : Matrix { diff --git a/src/NeuralNet/Optimizers/AdaGrad.php b/src/NeuralNet/Optimizers/AdaGrad.php index aec042a0d..699a86ead 100644 --- a/src/NeuralNet/Optimizers/AdaGrad.php +++ b/src/NeuralNet/Optimizers/AdaGrad.php @@ -46,7 +46,7 @@ class AdaGrad implements Optimizer, Adaptive /** * @param float $rate - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $rate = 0.01) { @@ -63,8 +63,8 @@ public function __construct(float $rate = 0.01) * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Parameter $param + * @throws RuntimeException */ public function warm(Parameter $param) : void { @@ -82,7 +82,7 @@ public function warm(Parameter $param) : void * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Optimizers/AdaMax.php b/src/NeuralNet/Optimizers/AdaMax.php index ff895b30a..25d99e13f 100644 --- a/src/NeuralNet/Optimizers/AdaMax.php +++ b/src/NeuralNet/Optimizers/AdaMax.php @@ -28,9 +28,9 @@ class AdaMax extends Adam /** * Return the element-wise maximum of two tensors. * - * @param \Tensor\Tensor $a - * @param \Tensor\Tensor $b - * @return \Tensor\Tensor + * @param Tensor $a + * @param Tensor $b + * @return Tensor */ protected static function maximum(Tensor $a, Tensor $b) : Tensor { @@ -74,7 +74,7 @@ public function __construct(float $rate = 0.001, float $momentumDecay = 0.1, flo * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Optimizers/Adam.php b/src/NeuralNet/Optimizers/Adam.php index 1259cbf66..a2955917f 100644 --- a/src/NeuralNet/Optimizers/Adam.php +++ b/src/NeuralNet/Optimizers/Adam.php @@ -64,7 +64,7 @@ class Adam implements Optimizer, Adaptive * @param float $rate * @param float $momentumDecay * @param float $normDecay - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $rate = 0.001, float $momentumDecay = 0.1, float $normDecay = 0.001) { @@ -93,8 +93,8 @@ public function __construct(float $rate = 0.001, float $momentumDecay = 0.1, flo * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Parameter $param + * @throws RuntimeException */ public function warm(Parameter $param) : void { @@ -114,7 +114,7 @@ public function warm(Parameter $param) : void * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Optimizers/Adaptive.php b/src/NeuralNet/Optimizers/Adaptive.php index 4639bcef7..8dfb99e32 100644 --- a/src/NeuralNet/Optimizers/Adaptive.php +++ b/src/NeuralNet/Optimizers/Adaptive.php @@ -18,7 +18,7 @@ interface Adaptive extends Optimizer /** * Warm the parameter cache. * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param */ public function warm(Parameter $param) : void; } diff --git a/src/NeuralNet/Optimizers/Cyclical.php b/src/NeuralNet/Optimizers/Cyclical.php index bff9a0224..498134613 100644 --- a/src/NeuralNet/Optimizers/Cyclical.php +++ b/src/NeuralNet/Optimizers/Cyclical.php @@ -71,7 +71,7 @@ class Cyclical implements Optimizer * @param float $upper * @param int $losses * @param float $decay - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $lower = 0.001, @@ -111,7 +111,7 @@ public function __construct( * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Optimizers/Momentum.php b/src/NeuralNet/Optimizers/Momentum.php index 16bf2f729..84526727f 100644 --- a/src/NeuralNet/Optimizers/Momentum.php +++ b/src/NeuralNet/Optimizers/Momentum.php @@ -60,7 +60,7 @@ class Momentum implements Optimizer, Adaptive * @param float $rate * @param float $decay * @param bool $lookahead - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $rate = 0.001, float $decay = 0.1, bool $lookahead = false) { @@ -84,8 +84,8 @@ public function __construct(float $rate = 0.001, float $decay = 0.1, bool $looka * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Parameter $param + * @throws RuntimeException */ public function warm(Parameter $param) : void { @@ -103,7 +103,7 @@ public function warm(Parameter $param) : void * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Optimizers/Optimizer.php b/src/NeuralNet/Optimizers/Optimizer.php index e928b9628..ab80c14d3 100644 --- a/src/NeuralNet/Optimizers/Optimizer.php +++ b/src/NeuralNet/Optimizers/Optimizer.php @@ -20,7 +20,7 @@ interface Optimizer extends Stringable * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Optimizers/RMSProp.php b/src/NeuralNet/Optimizers/RMSProp.php index 64e2712b4..66a05d147 100644 --- a/src/NeuralNet/Optimizers/RMSProp.php +++ b/src/NeuralNet/Optimizers/RMSProp.php @@ -60,7 +60,7 @@ class RMSProp implements Optimizer, Adaptive /** * @param float $rate * @param float $decay - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $rate = 0.001, float $decay = 0.1) { @@ -84,8 +84,8 @@ public function __construct(float $rate = 0.001, float $decay = 0.1) * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Parameter $param + * @throws RuntimeException */ public function warm(Parameter $param) : void { @@ -103,7 +103,7 @@ public function warm(Parameter $param) : void * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Optimizers/StepDecay.php b/src/NeuralNet/Optimizers/StepDecay.php index f4dc8b0ab..8db70defe 100644 --- a/src/NeuralNet/Optimizers/StepDecay.php +++ b/src/NeuralNet/Optimizers/StepDecay.php @@ -51,7 +51,7 @@ class StepDecay implements Optimizer * @param float $rate * @param int $losses * @param float $decay - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $rate = 0.01, int $losses = 100, float $decay = 1e-3) { @@ -80,7 +80,7 @@ public function __construct(float $rate = 0.01, int $losses = 100, float $decay * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Optimizers/Stochastic.php b/src/NeuralNet/Optimizers/Stochastic.php index 00bdc2cd4..929d7a885 100644 --- a/src/NeuralNet/Optimizers/Stochastic.php +++ b/src/NeuralNet/Optimizers/Stochastic.php @@ -26,7 +26,7 @@ class Stochastic implements Optimizer /** * @param float $rate - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $rate = 0.01) { @@ -43,7 +43,7 @@ public function __construct(float $rate = 0.01) * * @internal * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @return \Tensor\Tensor */ diff --git a/src/NeuralNet/Parameter.php b/src/NeuralNet/Parameter.php index cd33c1fbe..202aa1e5b 100644 --- a/src/NeuralNet/Parameter.php +++ b/src/NeuralNet/Parameter.php @@ -33,12 +33,12 @@ class Parameter /** * The parameter. * - * @var \Tensor\Tensor + * @var Tensor */ protected \Tensor\Tensor $param; /** - * @param \Tensor\Tensor $param + * @param Tensor $param */ public function __construct(Tensor $param) { @@ -69,8 +69,8 @@ public function param() /** * Update the parameter. * - * @param \Tensor\Tensor $gradient - * @param \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer + * @param Tensor $gradient + * @param Optimizer $optimizer */ public function update(Tensor $gradient, Optimizer $optimizer) : void { diff --git a/src/NeuralNet/Snapshot.php b/src/NeuralNet/Snapshot.php index d6d4fab9c..552438271 100644 --- a/src/NeuralNet/Snapshot.php +++ b/src/NeuralNet/Snapshot.php @@ -33,7 +33,7 @@ class Snapshot protected array $parameters; /** - * @param \Rubix\ML\NeuralNet\Network $network + * @param Network $network */ public static function take(Network $network) : self { @@ -58,7 +58,7 @@ public static function take(Network $network) : self /** * @param \Rubix\ML\NeuralNet\Layers\Parametric[] $layers * @param list<\Rubix\ML\NeuralNet\Parameter[]> $parameters - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $layers, array $parameters) { diff --git a/src/Online.php b/src/Online.php index d1bb1e480..cba38acb5 100644 --- a/src/Online.php +++ b/src/Online.php @@ -16,7 +16,7 @@ interface Online extends Learner /** * Perform a partial train on the learner. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function partial(Dataset $dataset) : void; } diff --git a/src/Parallel.php b/src/Parallel.php index 2361f21ba..06060227b 100644 --- a/src/Parallel.php +++ b/src/Parallel.php @@ -16,7 +16,7 @@ interface Parallel /** * Set the parallel processing backend. * - * @param \Rubix\ML\Backends\Backend $backend + * @param Backend $backend */ public function setBackend(Backend $backend) : void; } diff --git a/src/PersistentModel.php b/src/PersistentModel.php index a380626d2..a7964a8a7 100644 --- a/src/PersistentModel.php +++ b/src/PersistentModel.php @@ -26,30 +26,30 @@ class PersistentModel implements Estimator, Learner, Probabilistic, Scoring /** * The persistable base learner. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $base; /** * The persister used to interface with the storage layer. * - * @var \Rubix\ML\Persisters\Persister + * @var Persister */ protected \Rubix\ML\Persisters\Persister $persister; /** * The object serializer. * - * @var \Rubix\ML\Serializers\Serializer + * @var Serializer */ protected \Rubix\ML\Serializers\Serializer $serializer; /** * Factory method to restore the model from persistence. * - * @param \Rubix\ML\Persisters\Persister $persister - * @param \Rubix\ML\Serializers\Serializer|null $serializer - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Persister $persister + * @param Serializers\Serializer|null $serializer + * @throws InvalidArgumentException * @return self */ public static function load(Persister $persister, ?Serializer $serializer = null) : self @@ -67,10 +67,10 @@ public static function load(Persister $persister, ?Serializer $serializer = null } /** - * @param \Rubix\ML\Learner $base - * @param \Rubix\ML\Persisters\Persister $persister - * @param \Rubix\ML\Serializers\Serializer|null $serializer - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Learner $base + * @param Persister $persister + * @param Serializers\Serializer|null $serializer + * @throws InvalidArgumentException */ public function __construct(Learner $base, Persister $persister, ?Serializer $serializer = null) { @@ -89,7 +89,7 @@ public function __construct(Learner $base, Persister $persister, ?Serializer $se * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -137,7 +137,7 @@ public function trained() : bool /** * Return the base estimator instance. * - * @return \Rubix\ML\Estimator + * @return Estimator */ public function base() : Estimator { @@ -161,7 +161,7 @@ public function save() : void /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -171,7 +171,7 @@ public function train(Dataset $dataset) : void /** * Make a prediction on a given sample dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return mixed[] */ public function predict(Dataset $dataset) : array @@ -182,8 +182,8 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function proba(Dataset $dataset) : array @@ -199,8 +199,8 @@ public function proba(Dataset $dataset) : array /** * Return the anomaly scores assigned to the samples in a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return float[] */ public function score(Dataset $dataset) : array diff --git a/src/Persisters/Filesystem.php b/src/Persisters/Filesystem.php index 4fb8e12db..8da90245e 100644 --- a/src/Persisters/Filesystem.php +++ b/src/Persisters/Filesystem.php @@ -53,7 +53,7 @@ class Filesystem implements Persister /** * @param string $path * @param bool $history - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(string $path, bool $history = false) { @@ -72,7 +72,7 @@ public function __construct(string $path, bool $history = false) /** * Save an encoding. * - * @param \Rubix\ML\Encoding $encoding + * @param Encoding $encoding * @throws \RuntimeException */ public function save(Encoding $encoding) : void @@ -116,7 +116,7 @@ public function save(Encoding $encoding) : void * Load a persisted encoding. * * @throws \RuntimeException - * @return \Rubix\ML\Encoding + * @return Encoding */ public function load() : Encoding { diff --git a/src/Persisters/Persister.php b/src/Persisters/Persister.php index c71702c1c..47219dc94 100644 --- a/src/Persisters/Persister.php +++ b/src/Persisters/Persister.php @@ -17,14 +17,14 @@ interface Persister extends Stringable /** * Save an encoding. * - * @param \Rubix\ML\Encoding $encoding + * @param Encoding $encoding */ public function save(Encoding $encoding) : void; /** * Load a persisted encoding. * - * @return \Rubix\ML\Encoding + * @return Encoding */ public function load() : Encoding; } diff --git a/src/Pipeline.php b/src/Pipeline.php index 291f20582..7a04e080c 100644 --- a/src/Pipeline.php +++ b/src/Pipeline.php @@ -41,7 +41,7 @@ class Pipeline implements Online, Probabilistic, Scoring, Persistable /** * An instance of a base estimator to receive the transformed data. * - * @var \Rubix\ML\Estimator + * @var Estimator */ protected \Rubix\ML\Estimator $base; @@ -54,9 +54,9 @@ class Pipeline implements Online, Probabilistic, Scoring, Persistable /** * @param \Rubix\ML\Transformers\Transformer[] $transformers - * @param \Rubix\ML\Estimator $base + * @param Estimator $base * @param bool $elastic - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $transformers, Estimator $base, bool $elastic = true) { @@ -77,7 +77,7 @@ public function __construct(array $transformers, Estimator $base, bool $elastic * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -127,7 +127,7 @@ public function trained() : bool /** * Return the base estimator instance. * - * @return \Rubix\ML\Estimator + * @return Estimator */ public function base() : Estimator { @@ -138,7 +138,7 @@ public function base() : Estimator * Run the training dataset through all transformers in order and use the * transformed dataset to train the estimator. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void { @@ -158,7 +158,7 @@ public function train(Dataset $dataset) : void /** * Perform a partial train. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function partial(Dataset $dataset) : void { @@ -182,8 +182,8 @@ public function partial(Dataset $dataset) : void /** * Preprocess the dataset and return predictions from the estimator. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return mixed[] */ public function predict(Dataset $dataset) : array @@ -200,8 +200,8 @@ public function predict(Dataset $dataset) : array /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function proba(Dataset $dataset) : array @@ -223,8 +223,8 @@ public function proba(Dataset $dataset) : array /** * Return the anomaly scores assigned to the samples in a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return float[] */ public function score(Dataset $dataset) : array @@ -242,7 +242,7 @@ public function score(Dataset $dataset) : array /** * Apply the transformer stack to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ protected function preprocess(Dataset $dataset) : void { diff --git a/src/Probabilistic.php b/src/Probabilistic.php index 93263de95..357684114 100644 --- a/src/Probabilistic.php +++ b/src/Probabilistic.php @@ -16,7 +16,7 @@ interface Probabilistic extends Estimator /** * Estimate the joint probabilities for each possible outcome. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function proba(Dataset $dataset) : array; diff --git a/src/Regressors/Adaline.php b/src/Regressors/Adaline.php index da1c09179..605484353 100644 --- a/src/Regressors/Adaline.php +++ b/src/Regressors/Adaline.php @@ -66,7 +66,7 @@ class Adaline implements Estimator, Learner, Online, RanksFeatures, Verbose, Per /** * The gradient descent optimizer used to update the network parameters. * - * @var \Rubix\ML\NeuralNet\Optimizers\Optimizer + * @var Optimizer */ protected \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer; @@ -102,7 +102,7 @@ class Adaline implements Estimator, Learner, Online, RanksFeatures, Verbose, Per * The function that computes the loss associated with an erroneous * activation during training. * - * @var \Rubix\ML\NeuralNet\CostFunctions\RegressionLoss + * @var RegressionLoss */ protected \Rubix\ML\NeuralNet\CostFunctions\RegressionLoss $costFn; @@ -128,7 +128,7 @@ class Adaline implements Estimator, Learner, Online, RanksFeatures, Verbose, Per * @param float $minChange * @param int $window * @param \Rubix\ML\NeuralNet\CostFunctions\RegressionLoss|null $costFn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( int $batchSize = 128, @@ -178,7 +178,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -387,8 +387,8 @@ public function partial(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -409,7 +409,7 @@ public function predict(Dataset $dataset) : array /** * Return the importance scores of each feature column of the training set. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float[] */ public function featureImportances() : array diff --git a/src/Regressors/ExtraTreeRegressor.php b/src/Regressors/ExtraTreeRegressor.php index 297a6ac87..03ac2eca0 100644 --- a/src/Regressors/ExtraTreeRegressor.php +++ b/src/Regressors/ExtraTreeRegressor.php @@ -62,7 +62,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -115,7 +115,7 @@ public function trained() : bool * Train the regression tree by learning the optimal splits in the * training set. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset */ public function train(Dataset $dataset) : void { @@ -132,8 +132,8 @@ public function train(Dataset $dataset) : void /** * Make a prediction based on the value of a terminal node in the tree. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -157,7 +157,7 @@ public function predict(Dataset $dataset) : array */ public function predictSample(array $sample) { - /** @var \Rubix\ML\Graph\Nodes\Average $node */ + /** @var Average $node */ $node = $this->search($sample); return $node->outcome(); @@ -166,8 +166,8 @@ public function predictSample(array $sample) /** * Terminate the branch with the most likely Average. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @return \Rubix\ML\Graph\Nodes\Average + * @param Labeled $dataset + * @return Average */ protected function terminate(Labeled $dataset) : Average { diff --git a/src/Regressors/GradientBoost.php b/src/Regressors/GradientBoost.php index a43540f07..979812c8b 100644 --- a/src/Regressors/GradientBoost.php +++ b/src/Regressors/GradientBoost.php @@ -83,7 +83,7 @@ class GradientBoost implements Estimator, Learner, RanksFeatures, Verbose, Persi /** * The regressor that will fix up the error residuals of the *weak* base learner. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $booster; @@ -133,7 +133,7 @@ class GradientBoost implements Estimator, Learner, RanksFeatures, Verbose, Persi /** * The metric used to score the generalization performance of the model during training. * - * @var \Rubix\ML\CrossValidation\Metrics\Metric + * @var Metric */ protected \Rubix\ML\CrossValidation\Metrics\Metric $metric; @@ -183,7 +183,7 @@ class GradientBoost implements Estimator, Learner, RanksFeatures, Verbose, Persi * @param int $window * @param float $holdOut * @param \Rubix\ML\CrossValidation\Metrics\Metric|null $metric - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( ?Learner $booster = null, @@ -249,7 +249,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -342,7 +342,7 @@ public function losses() : ?array /** * Train the estimator with a dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset */ public function train(Dataset $dataset) : void { @@ -488,8 +488,8 @@ public function train(Dataset $dataset) : void /** * Make a prediction from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -514,7 +514,7 @@ public function predict(Dataset $dataset) : array /** * Return the importance scores of each feature column of the training set. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float[] */ public function featureImportances() : array diff --git a/src/Regressors/KDNeighborsRegressor.php b/src/Regressors/KDNeighborsRegressor.php index 97291ceac..1c2ec75da 100644 --- a/src/Regressors/KDNeighborsRegressor.php +++ b/src/Regressors/KDNeighborsRegressor.php @@ -56,7 +56,7 @@ class KDNeighborsRegressor implements Estimator, Learner, Persistable /** * The spatial tree used to run nearest neighbor searches. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; @@ -71,7 +71,7 @@ class KDNeighborsRegressor implements Estimator, Learner, Persistable * @param int $k * @param bool $weighted * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $k = 5, bool $weighted = false, ?Spatial $tree = null) { @@ -90,7 +90,7 @@ public function __construct(int $k = 5, bool $weighted = false, ?Spatial $tree = * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -138,7 +138,7 @@ public function trained() : bool /** * Return the base k-d tree instance. * - * @return \Rubix\ML\Graph\Trees\Spatial + * @return Spatial */ public function tree() : Spatial { @@ -165,8 +165,8 @@ public function train(Dataset $dataset) : void /** * Make a prediction based on the nearest neighbors. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array diff --git a/src/Regressors/KNNRegressor.php b/src/Regressors/KNNRegressor.php index 57d3da3be..be9390e6e 100644 --- a/src/Regressors/KNNRegressor.php +++ b/src/Regressors/KNNRegressor.php @@ -60,7 +60,7 @@ class KNNRegressor implements Estimator, Learner, Online, Persistable /** * The distance kernel to use when computing the distances. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; @@ -86,7 +86,7 @@ class KNNRegressor implements Estimator, Learner, Online, Persistable * @param int $k * @param bool $weighted * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $k = 5, bool $weighted = false, ?Distance $kernel = null) { @@ -105,7 +105,7 @@ public function __construct(int $k = 5, bool $weighted = false, ?Distance $kerne * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -183,8 +183,8 @@ public function partial(Dataset $dataset) : void /** * Make a prediction based on the nearest neighbors. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array diff --git a/src/Regressors/MLPRegressor.php b/src/Regressors/MLPRegressor.php index d2e2270cc..57cf7be97 100644 --- a/src/Regressors/MLPRegressor.php +++ b/src/Regressors/MLPRegressor.php @@ -82,7 +82,7 @@ class MLPRegressor implements Estimator, Learner, Online, Verbose, Persistable /** * The gradient descent optimizer used to update the network parameters. * - * @var \Rubix\ML\NeuralNet\Optimizers\Optimizer + * @var Optimizer */ protected \Rubix\ML\NeuralNet\Optimizers\Optimizer $optimizer; @@ -124,14 +124,14 @@ class MLPRegressor implements Estimator, Learner, Online, Verbose, Persistable /** * The function that computes the loss associated with an erroneous activation during training. * - * @var \Rubix\ML\NeuralNet\CostFunctions\RegressionLoss + * @var RegressionLoss */ protected \Rubix\ML\NeuralNet\CostFunctions\RegressionLoss $costFn; /** * The metric used to score the generalization performance of the model during training. * - * @var \Rubix\ML\CrossValidation\Metrics\Metric + * @var Metric */ protected \Rubix\ML\CrossValidation\Metrics\Metric $metric; @@ -167,7 +167,7 @@ class MLPRegressor implements Estimator, Learner, Online, Verbose, Persistable * @param float $holdOut * @param \Rubix\ML\NeuralNet\CostFunctions\RegressionLoss|null $costFn * @param \Rubix\ML\CrossValidation\Metrics\Metric|null $metric - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( array $hiddenLayers = [], @@ -239,7 +239,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -372,7 +372,7 @@ public function train(Dataset $dataset) : void * Train the network using mini-batch gradient descent with backpropagation. * * @param \Rubix\ML\Datasets\Labeled $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function partial(Dataset $dataset) : void { @@ -497,8 +497,8 @@ public function partial(Dataset $dataset) : void * Feed a sample through the network and make a prediction based on the * activation of the output neuron. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -519,8 +519,8 @@ public function predict(Dataset $dataset) : array /** * Export the network architecture as a graph in dot format. * - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Encoding + * @throws RuntimeException + * @return Encoding */ public function exportGraphviz() : Encoding { diff --git a/src/Regressors/RadiusNeighborsRegressor.php b/src/Regressors/RadiusNeighborsRegressor.php index 882e51ae2..4748acfc6 100644 --- a/src/Regressors/RadiusNeighborsRegressor.php +++ b/src/Regressors/RadiusNeighborsRegressor.php @@ -64,7 +64,7 @@ class RadiusNeighborsRegressor implements Estimator, Learner, Persistable /** * The spatial tree used to run range searches. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; @@ -79,7 +79,7 @@ class RadiusNeighborsRegressor implements Estimator, Learner, Persistable * @param float $radius * @param bool $weighted * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $radius = 1.0, bool $weighted = false, ?Spatial $tree = null) { @@ -98,7 +98,7 @@ public function __construct(float $radius = 1.0, bool $weighted = false, ?Spatia * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -146,7 +146,7 @@ public function trained() : bool /** * Return the base spatial tree instance. * - * @return \Rubix\ML\Graph\Trees\Spatial + * @return Spatial */ public function tree() : Spatial { @@ -156,7 +156,7 @@ public function tree() : Spatial /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset */ public function train(Dataset $dataset) : void { @@ -175,8 +175,8 @@ public function train(Dataset $dataset) : void /** * Make a prediction based on the nearest neighbors. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array diff --git a/src/Regressors/RegressionTree.php b/src/Regressors/RegressionTree.php index d629d643d..f5070a44e 100644 --- a/src/Regressors/RegressionTree.php +++ b/src/Regressors/RegressionTree.php @@ -64,7 +64,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -117,7 +117,7 @@ public function trained() : bool /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Labeled $dataset + * @param Labeled $dataset */ public function train(Dataset $dataset) : void { @@ -134,8 +134,8 @@ public function train(Dataset $dataset) : void /** * Make a prediction based on the value of a terminal node in the tree. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -159,7 +159,7 @@ public function predict(Dataset $dataset) : array */ public function predictSample(array $sample) { - /** @var \Rubix\ML\Graph\Nodes\Average $node */ + /** @var Average $node */ $node = $this->search($sample); return $node->outcome(); @@ -168,8 +168,8 @@ public function predictSample(array $sample) /** * Terminate the branch with the most likely Average. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @return \Rubix\ML\Graph\Nodes\Average + * @param Labeled $dataset + * @return Average */ protected function terminate(Labeled $dataset) : Average { diff --git a/src/Regressors/Ridge.php b/src/Regressors/Ridge.php index 5204a99a4..329b3935c 100644 --- a/src/Regressors/Ridge.php +++ b/src/Regressors/Ridge.php @@ -62,7 +62,7 @@ class Ridge implements Estimator, Learner, RanksFeatures, Persistable /** * @param float $l2Penalty - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $l2Penalty = 1.0) { @@ -79,7 +79,7 @@ public function __construct(float $l2Penalty = 1.0) * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -187,8 +187,8 @@ public function train(Dataset $dataset) : void /** * Make a prediction based on the line calculated from the training data. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException * @return list */ public function predict(Dataset $dataset) : array @@ -208,7 +208,7 @@ public function predict(Dataset $dataset) : array /** * Return the importance scores of each feature column of the training set. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float[] */ public function featureImportances() : array diff --git a/src/Regressors/SVR.php b/src/Regressors/SVR.php index 292a597a9..a289b1953 100644 --- a/src/Regressors/SVR.php +++ b/src/Regressors/SVR.php @@ -48,7 +48,7 @@ class SVR implements Estimator, Learner /** * The support vector machine instance. * - * @var \svm + * @var svm */ protected \svm $svm; @@ -73,7 +73,7 @@ class SVR implements Estimator, Learner * @param bool $shrinking * @param float $tolerance * @param float $cacheSize - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( float $c = 1.0, @@ -142,7 +142,7 @@ public function __construct( * * @internal * - * @return \Rubix\ML\EstimatorType + * @return EstimatorType */ public function type() : EstimatorType { @@ -213,7 +213,7 @@ public function train(Dataset $dataset) : void /** * Make predictions from a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return list */ public function predict(Dataset $dataset) : array @@ -227,7 +227,7 @@ public function predict(Dataset $dataset) : array * @internal * * @param list $sample - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return int|float */ public function predictSample(array $sample) @@ -243,7 +243,7 @@ public function predictSample(array $sample) * Save the model data to the filesystem. * * @param string $path - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function save(string $path) : void { diff --git a/src/Report.php b/src/Report.php index 50ca430cb..04b4ed088 100644 --- a/src/Report.php +++ b/src/Report.php @@ -43,7 +43,7 @@ public function __construct(array $attributes) * Return a JSON representation of the report. * * @param bool $pretty - * @return \Rubix\ML\Encoding + * @return Encoding */ public function toJSON(bool $pretty = true) : Encoding { @@ -65,7 +65,7 @@ public function toArray() : array /** * @param string|int $key * @param mixed[] $values - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function offsetSet($key, $values) : void { @@ -87,7 +87,7 @@ public function offsetExists($key) : bool * Return an attribute from the report with the given key. * * @param string|int $key - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return mixed */ #[\ReturnTypeWillChange] @@ -102,7 +102,7 @@ public function offsetGet($key) /** * @param string|int $key - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function offsetUnset($key) : void { diff --git a/src/Serializers/GzipNative.php b/src/Serializers/GzipNative.php index 95c65d586..24ae98585 100644 --- a/src/Serializers/GzipNative.php +++ b/src/Serializers/GzipNative.php @@ -32,13 +32,13 @@ class GzipNative implements Serializer /** * The base serializer. * - * @var \Rubix\ML\Serializers\Native + * @var Native */ protected \Rubix\ML\Serializers\Native $base; /** * @param int $level - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $level = 6) { @@ -66,8 +66,8 @@ public function level() : int /** * Serialize a persistable object and return the data. * - * @param \Rubix\ML\Persistable $persistable - * @return \Rubix\ML\Encoding + * @param Persistable $persistable + * @return Encoding */ public function serialize(Persistable $persistable) : Encoding { @@ -85,9 +85,9 @@ public function serialize(Persistable $persistable) : Encoding /** * Deserialize a persistable object and return it. * - * @param \Rubix\ML\Encoding $encoding - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Persistable + * @param Encoding $encoding + * @throws RuntimeException + * @return Persistable */ public function deserialize(Encoding $encoding) : Persistable { diff --git a/src/Serializers/Native.php b/src/Serializers/Native.php index 9ccfb6b43..13d3456e6 100644 --- a/src/Serializers/Native.php +++ b/src/Serializers/Native.php @@ -27,8 +27,8 @@ class Native implements Serializer * * @internal * - * @param \Rubix\ML\Persistable $persistable - * @return \Rubix\ML\Encoding + * @param Persistable $persistable + * @return Encoding */ public function serialize(Persistable $persistable) : Encoding { @@ -40,9 +40,9 @@ public function serialize(Persistable $persistable) : Encoding * * @internal * - * @param \Rubix\ML\Encoding $encoding - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Persistable + * @param Encoding $encoding + * @throws RuntimeException + * @return Persistable */ public function deserialize(Encoding $encoding) : Persistable { diff --git a/src/Serializers/RBX.php b/src/Serializers/RBX.php index ec629746a..5e9b9999b 100644 --- a/src/Serializers/RBX.php +++ b/src/Serializers/RBX.php @@ -62,7 +62,7 @@ class RBX implements Serializer /** * The base Gzip Native serializer. * - * @var \Rubix\ML\Serializers\GzipNative + * @var GzipNative */ protected \Rubix\ML\Serializers\GzipNative $base; @@ -79,8 +79,8 @@ public function __construct(int $level = 6) * * @internal * - * @param \Rubix\ML\Persistable $persistable - * @return \Rubix\ML\Encoding + * @param Persistable $persistable + * @return Encoding */ public function serialize(Persistable $persistable) : Encoding { @@ -123,9 +123,9 @@ public function serialize(Persistable $persistable) : Encoding * * @internal * - * @param \Rubix\ML\Encoding $encoding - * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Persistable + * @param Encoding $encoding + * @throws RuntimeException + * @return Persistable */ public function deserialize(Encoding $encoding) : Persistable { diff --git a/src/Serializers/Serializer.php b/src/Serializers/Serializer.php index 45d3bab90..bf024960a 100644 --- a/src/Serializers/Serializer.php +++ b/src/Serializers/Serializer.php @@ -20,8 +20,8 @@ interface Serializer extends Stringable * * @internal * - * @param \Rubix\ML\Persistable $persistable - * @return \Rubix\ML\Encoding + * @param Persistable $persistable + * @return Encoding */ public function serialize(Persistable $persistable) : Encoding; @@ -30,9 +30,9 @@ public function serialize(Persistable $persistable) : Encoding; * * @internal * - * @param \Rubix\ML\Encoding $encoding + * @param Encoding $encoding * @throws \Rubix\ML\Exceptions\RuntimeException - * @return \Rubix\ML\Persistable + * @return Persistable */ public function deserialize(Encoding $encoding) : Persistable; } diff --git a/src/Specifications/DatasetHasDimensionality.php b/src/Specifications/DatasetHasDimensionality.php index c524be518..bb71b086c 100644 --- a/src/Specifications/DatasetHasDimensionality.php +++ b/src/Specifications/DatasetHasDimensionality.php @@ -14,7 +14,7 @@ class DatasetHasDimensionality extends Specification /** * The dataset that contains samples under validation. * - * @var \Rubix\ML\Datasets\Dataset + * @var Dataset */ protected \Rubix\ML\Datasets\Dataset $dataset; @@ -28,7 +28,7 @@ class DatasetHasDimensionality extends Specification /** * Build a specification object with the given arguments. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $dimensions * @return self */ @@ -38,9 +38,9 @@ public static function with(Dataset $dataset, int $dimensions) : self } /** - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @param int $dimensions - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(Dataset $dataset, int $dimensions) { @@ -56,7 +56,7 @@ public function __construct(Dataset $dataset, int $dimensions) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\IncorrectDatasetDimensionality + * @throws IncorrectDatasetDimensionality */ public function check() : void { diff --git a/src/Specifications/DatasetIsLabeled.php b/src/Specifications/DatasetIsLabeled.php index 943b186c8..7ebf4e56d 100644 --- a/src/Specifications/DatasetIsLabeled.php +++ b/src/Specifications/DatasetIsLabeled.php @@ -14,14 +14,14 @@ class DatasetIsLabeled extends Specification /** * The dataset under validation. * - * @var \Rubix\ML\Datasets\Dataset + * @var Dataset */ protected \Rubix\ML\Datasets\Dataset $dataset; /** * Build a specification object with the given arguments. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return self */ public static function with(Dataset $dataset) : self @@ -30,7 +30,7 @@ public static function with(Dataset $dataset) : self } /** - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function __construct(Dataset $dataset) { @@ -40,7 +40,7 @@ public function __construct(Dataset $dataset) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\LabelsAreMissing + * @throws LabelsAreMissing */ public function check() : void { diff --git a/src/Specifications/DatasetIsNotEmpty.php b/src/Specifications/DatasetIsNotEmpty.php index 96453a893..be7048efc 100644 --- a/src/Specifications/DatasetIsNotEmpty.php +++ b/src/Specifications/DatasetIsNotEmpty.php @@ -13,14 +13,14 @@ class DatasetIsNotEmpty extends Specification /** * The dataset. * - * @var \Rubix\ML\Datasets\Dataset + * @var Dataset */ protected \Rubix\ML\Datasets\Dataset $dataset; /** * Build a specification object with the given arguments. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @return self */ public static function with(Dataset $dataset) : self @@ -29,7 +29,7 @@ public static function with(Dataset $dataset) : self } /** - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function __construct(Dataset $dataset) { @@ -39,7 +39,7 @@ public function __construct(Dataset $dataset) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\EmptyDataset + * @throws EmptyDataset */ public function check() : void { diff --git a/src/Specifications/EstimatorIsCompatibleWithMetric.php b/src/Specifications/EstimatorIsCompatibleWithMetric.php index f2032c10d..16dd51b52 100644 --- a/src/Specifications/EstimatorIsCompatibleWithMetric.php +++ b/src/Specifications/EstimatorIsCompatibleWithMetric.php @@ -16,22 +16,22 @@ class EstimatorIsCompatibleWithMetric extends Specification /** * The estimator. * - * @var \Rubix\ML\Estimator + * @var Estimator */ protected \Rubix\ML\Estimator $estimator; /** * The validation metric. * - * @var \Rubix\ML\CrossValidation\Metrics\Metric + * @var Metric */ protected \Rubix\ML\CrossValidation\Metrics\Metric $metric; /** * Build a specification object with the given arguments. * - * @param \Rubix\ML\Estimator $estimator - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric + * @param Estimator $estimator + * @param Metric $metric * @return self */ public static function with(Estimator $estimator, Metric $metric) : self @@ -40,8 +40,8 @@ public static function with(Estimator $estimator, Metric $metric) : self } /** - * @param \Rubix\ML\Estimator $estimator - * @param \Rubix\ML\CrossValidation\Metrics\Metric $metric + * @param Estimator $estimator + * @param Metric $metric */ public function __construct(Estimator $estimator, Metric $metric) { diff --git a/src/Specifications/ExtensionIsLoaded.php b/src/Specifications/ExtensionIsLoaded.php index 18a5dc0d5..c86d5c3a3 100644 --- a/src/Specifications/ExtensionIsLoaded.php +++ b/src/Specifications/ExtensionIsLoaded.php @@ -40,7 +40,7 @@ public function __construct(string $name) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\MissingExtension + * @throws MissingExtension */ public function check() : void { diff --git a/src/Specifications/ExtensionMinimumVersion.php b/src/Specifications/ExtensionMinimumVersion.php index ddd242ee0..3a672faac 100644 --- a/src/Specifications/ExtensionMinimumVersion.php +++ b/src/Specifications/ExtensionMinimumVersion.php @@ -51,7 +51,7 @@ public function __construct(string $name, string $minVersion) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function check() : void { diff --git a/src/Specifications/LabelsAreCompatibleWithLearner.php b/src/Specifications/LabelsAreCompatibleWithLearner.php index 2996685aa..d207a0577 100644 --- a/src/Specifications/LabelsAreCompatibleWithLearner.php +++ b/src/Specifications/LabelsAreCompatibleWithLearner.php @@ -16,22 +16,22 @@ class LabelsAreCompatibleWithLearner extends Specification /** * The dataset that contains the labels under validation. * - * @var \Rubix\ML\Datasets\Labeled + * @var Labeled */ protected \Rubix\ML\Datasets\Labeled $dataset; /** * The learner instance. * - * @var \Rubix\ML\Learner + * @var Learner */ protected \Rubix\ML\Learner $estimator; /** * Build a specification object with the given arguments. * - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\Learner $estimator + * @param Labeled $dataset + * @param Learner $estimator * @return self */ public static function with(Labeled $dataset, Learner $estimator) : self @@ -40,8 +40,8 @@ public static function with(Labeled $dataset, Learner $estimator) : self } /** - * @param \Rubix\ML\Datasets\Labeled $dataset - * @param \Rubix\ML\Learner $estimator + * @param Labeled $dataset + * @param Learner $estimator */ public function __construct(Labeled $dataset, Learner $estimator) { @@ -52,7 +52,7 @@ public function __construct(Labeled $dataset, Learner $estimator) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function check() : void { diff --git a/src/Specifications/PredictionAndLabelCountsAreEqual.php b/src/Specifications/PredictionAndLabelCountsAreEqual.php index f81864f6a..c90c726d3 100644 --- a/src/Specifications/PredictionAndLabelCountsAreEqual.php +++ b/src/Specifications/PredictionAndLabelCountsAreEqual.php @@ -48,7 +48,7 @@ public function __construct(array $predictions, array $labels) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function check() : void { diff --git a/src/Specifications/ProbabilityAndLabelCountsAreEqual.php b/src/Specifications/ProbabilityAndLabelCountsAreEqual.php index 04272a225..c5845b16b 100644 --- a/src/Specifications/ProbabilityAndLabelCountsAreEqual.php +++ b/src/Specifications/ProbabilityAndLabelCountsAreEqual.php @@ -48,7 +48,7 @@ public function __construct(array $probabilities, array $labels) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function check() : void { diff --git a/src/Specifications/SamplesAreCompatibleWithDistance.php b/src/Specifications/SamplesAreCompatibleWithDistance.php index 7b9f34977..30af77575 100644 --- a/src/Specifications/SamplesAreCompatibleWithDistance.php +++ b/src/Specifications/SamplesAreCompatibleWithDistance.php @@ -16,22 +16,22 @@ class SamplesAreCompatibleWithDistance extends Specification /** * The dataset that contains samples under validation. * - * @var \Rubix\ML\Datasets\Dataset + * @var Dataset */ protected \Rubix\ML\Datasets\Dataset $dataset; /** * The distance kernel. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; /** * Build a specification object with the given arguments. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @param \Rubix\ML\Kernels\Distance\Distance $kernel + * @param Dataset $dataset + * @param Distance $kernel * @return self */ public static function with(Dataset $dataset, Distance $kernel) : self @@ -40,8 +40,8 @@ public static function with(Dataset $dataset, Distance $kernel) : self } /** - * @param \Rubix\ML\Datasets\Dataset $dataset - * @param \Rubix\ML\Kernels\Distance\Distance $kernel + * @param Dataset $dataset + * @param Distance $kernel */ public function __construct(Dataset $dataset, Distance $kernel) { @@ -52,7 +52,7 @@ public function __construct(Dataset $dataset, Distance $kernel) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function check() : void { diff --git a/src/Specifications/SamplesAreCompatibleWithEstimator.php b/src/Specifications/SamplesAreCompatibleWithEstimator.php index d8a8fd125..07d78a520 100644 --- a/src/Specifications/SamplesAreCompatibleWithEstimator.php +++ b/src/Specifications/SamplesAreCompatibleWithEstimator.php @@ -16,22 +16,22 @@ class SamplesAreCompatibleWithEstimator extends Specification /** * The dataset that contains samples under validation. * - * @var \Rubix\ML\Datasets\Dataset + * @var Dataset */ protected \Rubix\ML\Datasets\Dataset $dataset; /** * The estimator. * - * @var \Rubix\ML\Estimator + * @var Estimator */ protected \Rubix\ML\Estimator $estimator; /** * Build a specification object with the given arguments. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @param \Rubix\ML\Estimator $estimator + * @param Dataset $dataset + * @param Estimator $estimator * @return self */ public static function with(Dataset $dataset, Estimator $estimator) : self @@ -40,8 +40,8 @@ public static function with(Dataset $dataset, Estimator $estimator) : self } /** - * @param \Rubix\ML\Datasets\Dataset $dataset - * @param \Rubix\ML\Estimator $estimator + * @param Dataset $dataset + * @param Estimator $estimator */ public function __construct(Dataset $dataset, Estimator $estimator) { @@ -52,7 +52,7 @@ public function __construct(Dataset $dataset, Estimator $estimator) /** * Perform a check of the specification and throw an exception if invalid. * - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function check() : void { diff --git a/src/Specifications/SamplesAreCompatibleWithTransformer.php b/src/Specifications/SamplesAreCompatibleWithTransformer.php index 35efc7b19..0396d491e 100644 --- a/src/Specifications/SamplesAreCompatibleWithTransformer.php +++ b/src/Specifications/SamplesAreCompatibleWithTransformer.php @@ -16,22 +16,22 @@ class SamplesAreCompatibleWithTransformer extends Specification /** * The dataset that contains samples under validation. * - * @var \Rubix\ML\Datasets\Dataset + * @var Dataset */ protected \Rubix\ML\Datasets\Dataset $dataset; /** * The transformer. * - * @var \Rubix\ML\Transformers\Transformer + * @var Transformer */ protected \Rubix\ML\Transformers\Transformer $transformer; /** * Build a specification object with the given arguments. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @param \Rubix\ML\Transformers\Transformer $transformer + * @param Dataset $dataset + * @param Transformer $transformer * @return self */ public static function with(Dataset $dataset, Transformer $transformer) : self @@ -40,8 +40,8 @@ public static function with(Dataset $dataset, Transformer $transformer) : self } /** - * @param \Rubix\ML\Datasets\Dataset $dataset - * @param \Rubix\ML\Transformers\Transformer $transformer + * @param Dataset $dataset + * @param Transformer $transformer */ public function __construct(Dataset $dataset, Transformer $transformer) { @@ -52,7 +52,7 @@ public function __construct(Dataset $dataset, Transformer $transformer) /** * Perform a check of the specification. * - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function check() : void { diff --git a/src/Strategies/Constant.php b/src/Strategies/Constant.php index b5162176c..f2b6a46e4 100644 --- a/src/Strategies/Constant.php +++ b/src/Strategies/Constant.php @@ -35,7 +35,7 @@ public function __construct($value = 0) /** * Return the data type the strategy handles. * - * @return \Rubix\ML\DataType + * @return DataType */ public function type() : DataType { diff --git a/src/Strategies/KMostFrequent.php b/src/Strategies/KMostFrequent.php index 4698bf692..556f212de 100644 --- a/src/Strategies/KMostFrequent.php +++ b/src/Strategies/KMostFrequent.php @@ -37,7 +37,7 @@ class KMostFrequent implements Strategy /** * @param int $k - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $k = 1) { @@ -52,7 +52,7 @@ public function __construct(int $k = 1) /** * Return the data type the strategy handles. * - * @return \Rubix\ML\DataType + * @return DataType */ public function type() : DataType { @@ -77,7 +77,7 @@ public function fitted() : bool * @internal * * @param list $values - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function fit(array $values) : void { @@ -100,7 +100,7 @@ public function fit(array $values) : void * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return string */ public function guess() : string diff --git a/src/Strategies/Mean.php b/src/Strategies/Mean.php index 2a0c2a3ee..0e227281c 100644 --- a/src/Strategies/Mean.php +++ b/src/Strategies/Mean.php @@ -28,7 +28,7 @@ class Mean implements Strategy /** * Return the data type the strategy handles. * - * @return \Rubix\ML\DataType + * @return DataType */ public function type() : DataType { @@ -52,7 +52,7 @@ public function fitted() : bool * * @internal * @param list $values - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function fit(array $values) : void { @@ -69,7 +69,7 @@ public function fit(array $values) : void * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float */ public function guess() : float diff --git a/src/Strategies/Percentile.php b/src/Strategies/Percentile.php index 362660db5..14e778ab2 100644 --- a/src/Strategies/Percentile.php +++ b/src/Strategies/Percentile.php @@ -34,7 +34,7 @@ class Percentile implements Strategy /** * @param float $p - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $p = 50.0) { @@ -49,7 +49,7 @@ public function __construct(float $p = 50.0) /** * Return the data type the strategy handles. * - * @return \Rubix\ML\DataType + * @return DataType */ public function type() : DataType { @@ -74,7 +74,7 @@ public function fitted() : bool * @internal * * @param list $values - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function fit(array $values) : void { @@ -91,7 +91,7 @@ public function fit(array $values) : void * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float */ public function guess() : float diff --git a/src/Strategies/Prior.php b/src/Strategies/Prior.php index ed0dd53ee..4c102ccf5 100644 --- a/src/Strategies/Prior.php +++ b/src/Strategies/Prior.php @@ -36,7 +36,7 @@ class Prior implements Strategy /** * Return the data type the strategy handles. * - * @return \Rubix\ML\DataType + * @return DataType */ public function type() : DataType { @@ -61,7 +61,7 @@ public function fitted() : bool * @internal * * @param list $values - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function fit(array $values) : void { @@ -79,7 +79,7 @@ public function fit(array $values) : void * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return string */ public function guess() : string diff --git a/src/Strategies/Strategy.php b/src/Strategies/Strategy.php index c01c91fcd..ecd771ac3 100644 --- a/src/Strategies/Strategy.php +++ b/src/Strategies/Strategy.php @@ -17,7 +17,7 @@ interface Strategy extends Stringable /** * Return the data type the strategy handles. * - * @return \Rubix\ML\DataType + * @return DataType */ public function type() : DataType; diff --git a/src/Strategies/WildGuess.php b/src/Strategies/WildGuess.php index 2faf8fc2d..568e10f87 100644 --- a/src/Strategies/WildGuess.php +++ b/src/Strategies/WildGuess.php @@ -41,7 +41,7 @@ class WildGuess implements Strategy /** * Return the data type the strategy handles. * - * @return \Rubix\ML\DataType + * @return DataType */ public function type() : DataType { @@ -66,7 +66,7 @@ public function fitted() : bool * @internal * * @param (int|float)[] $values - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function fit(array $values) : void { @@ -90,7 +90,7 @@ public function fit(array $values) : void * * @internal * - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return float */ public function guess() : float diff --git a/src/Tokenizers/KSkipNGram.php b/src/Tokenizers/KSkipNGram.php index 67d9167a8..d51f13529 100644 --- a/src/Tokenizers/KSkipNGram.php +++ b/src/Tokenizers/KSkipNGram.php @@ -55,14 +55,14 @@ class KSkipNGram implements Tokenizer /** * The word tokenizer. * - * @var \Rubix\ML\Tokenizers\Word + * @var Word */ protected \Rubix\ML\Tokenizers\Word $wordTokenizer; /** * The sentence tokenizer. * - * @var \Rubix\ML\Tokenizers\Sentence + * @var Sentence */ protected \Rubix\ML\Tokenizers\Sentence $sentenceTokenizer; @@ -70,8 +70,8 @@ class KSkipNGram implements Tokenizer * @param int $min * @param int $max * @param int $skip - * @param \Rubix\ML\Tokenizers\Word|null $wordTokenizer - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Word|null $wordTokenizer + * @throws InvalidArgumentException */ public function __construct(int $min = 2, int $max = 2, int $skip = 2, ?Word $wordTokenizer = null) { diff --git a/src/Tokenizers/NGram.php b/src/Tokenizers/NGram.php index 7525af0a4..92becb5d9 100644 --- a/src/Tokenizers/NGram.php +++ b/src/Tokenizers/NGram.php @@ -44,22 +44,22 @@ class NGram implements Tokenizer /** * The word tokenizer. * - * @var \Rubix\ML\Tokenizers\Word + * @var Word */ protected \Rubix\ML\Tokenizers\Word $wordTokenizer; /** * The sentence tokenizer. * - * @var \Rubix\ML\Tokenizers\Sentence + * @var Sentence */ protected \Rubix\ML\Tokenizers\Sentence $sentenceTokenizer; /** * @param int $min * @param int $max - * @param \Rubix\ML\Tokenizers\Word|null $wordTokenizer - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Word|null $wordTokenizer + * @throws InvalidArgumentException */ public function __construct(int $min = 2, int $max = 2, ?Word $wordTokenizer = null) { diff --git a/src/Tokenizers/Whitespace.php b/src/Tokenizers/Whitespace.php index a08323705..d32e98f80 100644 --- a/src/Tokenizers/Whitespace.php +++ b/src/Tokenizers/Whitespace.php @@ -26,7 +26,7 @@ class Whitespace implements Tokenizer /** * @param string $delimiter - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(string $delimiter = ' ') { diff --git a/src/Trainable.php b/src/Trainable.php index a8ef5af00..3631eed24 100644 --- a/src/Trainable.php +++ b/src/Trainable.php @@ -9,7 +9,7 @@ interface Trainable /** * Train the learner with a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function train(Dataset $dataset) : void; diff --git a/src/Traits/Multiprocessing.php b/src/Traits/Multiprocessing.php index d2b77328a..a9d1b9b28 100644 --- a/src/Traits/Multiprocessing.php +++ b/src/Traits/Multiprocessing.php @@ -25,14 +25,14 @@ trait Multiprocessing /** * The parallel processing backend. * - * @var \Rubix\ML\Backends\Backend + * @var Backend */ protected \Rubix\ML\Backends\Backend $backend; /** * Set the parallel processing backend. * - * @param \Rubix\ML\Backends\Backend $backend + * @param Backend $backend */ public function setBackend(Backend $backend) : void { diff --git a/src/Transformers/BM25Transformer.php b/src/Transformers/BM25Transformer.php index 2c77f85ed..fa552b013 100644 --- a/src/Transformers/BM25Transformer.php +++ b/src/Transformers/BM25Transformer.php @@ -88,7 +88,7 @@ class BM25Transformer implements Transformer, Stateful, Elastic /** * @param float $dampening * @param float $normalization - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $dampening = 1.2, float $normalization = 0.75) { @@ -151,7 +151,7 @@ public function averageDocumentLength() : ?float /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function fit(Dataset $dataset) : void { @@ -165,8 +165,8 @@ public function fit(Dataset $dataset) : void /** * Update the fitting of the transformer. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function update(Dataset $dataset) : void { @@ -205,7 +205,7 @@ public function update(Dataset $dataset) : void * Transform the dataset in place. * * @param array> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/BooleanConverter.php b/src/Transformers/BooleanConverter.php index 35da9c47f..6f12f8073 100644 --- a/src/Transformers/BooleanConverter.php +++ b/src/Transformers/BooleanConverter.php @@ -37,7 +37,7 @@ class BooleanConverter implements Transformer /** * @param mixed $trueValue * @param mixed $falseValue - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct($trueValue = 'true', $falseValue = 'false') { diff --git a/src/Transformers/Elastic.php b/src/Transformers/Elastic.php index d87673825..cd98231bf 100644 --- a/src/Transformers/Elastic.php +++ b/src/Transformers/Elastic.php @@ -16,7 +16,7 @@ interface Elastic extends Stateful /** * Update the fitting of the transformer. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function update(Dataset $dataset) : void; } diff --git a/src/Transformers/GaussianRandomProjector.php b/src/Transformers/GaussianRandomProjector.php index 7131ee8dc..9af543c8f 100644 --- a/src/Transformers/GaussianRandomProjector.php +++ b/src/Transformers/GaussianRandomProjector.php @@ -49,7 +49,7 @@ class GaussianRandomProjector implements Transformer, Stateful, Persistable * * @param int $n * @param float $maxDistortion - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return int */ public static function minDimensions(int $n, float $maxDistortion = 0.5) : int @@ -71,7 +71,7 @@ public static function minDimensions(int $n, float $maxDistortion = 0.5) : int /** * @param int $dimensions - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $dimensions) { @@ -110,8 +110,8 @@ public function fitted() : bool /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function fit(Dataset $dataset) : void { @@ -124,7 +124,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/HotDeckImputer.php b/src/Transformers/HotDeckImputer.php index 095351143..8d1c3183d 100644 --- a/src/Transformers/HotDeckImputer.php +++ b/src/Transformers/HotDeckImputer.php @@ -71,7 +71,7 @@ class HotDeckImputer implements Transformer, Stateful, Persistable /** * The spatial tree used to run nearest neighbor searches. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; @@ -80,7 +80,7 @@ class HotDeckImputer implements Transformer, Stateful, Persistable * @param bool $weighted * @param string $categoricalPlaceholder * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( int $k = 5, @@ -137,8 +137,8 @@ public function fitted() : bool /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException */ public function fit(Dataset $dataset) : void { @@ -175,7 +175,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/ImageResizer.php b/src/Transformers/ImageResizer.php index 12415235c..b9bd48e3e 100644 --- a/src/Transformers/ImageResizer.php +++ b/src/Transformers/ImageResizer.php @@ -44,7 +44,7 @@ class ImageResizer implements Transformer /** * @param int $width * @param int $height - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $width = 32, int $height = 32) { @@ -86,7 +86,7 @@ public function transform(array &$samples) : void * resize the images in a sample. * * @param list $sample - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function resize(array &$sample) : void { diff --git a/src/Transformers/ImageRotator.php b/src/Transformers/ImageRotator.php index b555d7be4..ff261d186 100644 --- a/src/Transformers/ImageRotator.php +++ b/src/Transformers/ImageRotator.php @@ -47,7 +47,7 @@ class ImageRotator implements Transformer /** * @param float $offset * @param float $jitter - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $offset, float $jitter = 0.0) { diff --git a/src/Transformers/ImageVectorizer.php b/src/Transformers/ImageVectorizer.php index ce1a622f4..564bbb296 100644 --- a/src/Transformers/ImageVectorizer.php +++ b/src/Transformers/ImageVectorizer.php @@ -75,7 +75,7 @@ public function fitted() : bool /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset * @throws \Rubix\ML\Exceptions\InvalidArgumentException */ public function fit(Dataset $dataset) : void @@ -102,7 +102,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/IntervalDiscretizer.php b/src/Transformers/IntervalDiscretizer.php index eaad7d4c6..2619cc96d 100644 --- a/src/Transformers/IntervalDiscretizer.php +++ b/src/Transformers/IntervalDiscretizer.php @@ -54,7 +54,7 @@ class IntervalDiscretizer implements Transformer, Stateful, Persistable /** * @param int $bins * @param bool $equiWidth - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $bins = 5, bool $equiWidth = false) { @@ -102,8 +102,8 @@ public function intervals() : ?array /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function fit(Dataset $dataset) : void { @@ -143,7 +143,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/KNNImputer.php b/src/Transformers/KNNImputer.php index 2c28fefe5..9415940cb 100644 --- a/src/Transformers/KNNImputer.php +++ b/src/Transformers/KNNImputer.php @@ -71,7 +71,7 @@ class KNNImputer implements Transformer, Stateful, Persistable /** * The spatial tree used to run nearest neighbor searches. * - * @var \Rubix\ML\Graph\Trees\Spatial + * @var Spatial */ protected \Rubix\ML\Graph\Trees\Spatial $tree; @@ -87,7 +87,7 @@ class KNNImputer implements Transformer, Stateful, Persistable * @param bool $weighted * @param string $categoricalPlaceholder * @param \Rubix\ML\Graph\Trees\Spatial|null $tree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( int $k = 5, @@ -144,8 +144,8 @@ public function fitted() : bool /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException */ public function fit(Dataset $dataset) : void { @@ -184,7 +184,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/LinearDiscriminantAnalysis.php b/src/Transformers/LinearDiscriminantAnalysis.php index 35e250d92..dc024fad2 100644 --- a/src/Transformers/LinearDiscriminantAnalysis.php +++ b/src/Transformers/LinearDiscriminantAnalysis.php @@ -60,7 +60,7 @@ class LinearDiscriminantAnalysis implements Transformer, Stateful, Persistable /** * @param int $dimensions - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $dimensions) { @@ -114,8 +114,8 @@ public function lossiness() : ?float /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function fit(Dataset $dataset) : void { @@ -174,7 +174,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/MaxAbsoluteScaler.php b/src/Transformers/MaxAbsoluteScaler.php index 573dfa929..dfb3fab05 100644 --- a/src/Transformers/MaxAbsoluteScaler.php +++ b/src/Transformers/MaxAbsoluteScaler.php @@ -67,7 +67,7 @@ public function maxabs() : ?array /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function fit(Dataset $dataset) : void { @@ -87,7 +87,7 @@ public function fit(Dataset $dataset) : void /** * Update the fitting of the transformer. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function update(Dataset $dataset) : void { @@ -112,7 +112,7 @@ public function update(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { @@ -131,7 +131,7 @@ public function transform(array &$samples) : void * Perform the reverse transformation to the samples. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function reverseTransform(array &$samples) : void { diff --git a/src/Transformers/MinMaxNormalizer.php b/src/Transformers/MinMaxNormalizer.php index bd05577e7..3bf741ec4 100644 --- a/src/Transformers/MinMaxNormalizer.php +++ b/src/Transformers/MinMaxNormalizer.php @@ -67,7 +67,7 @@ class MinMaxNormalizer implements Transformer, Stateful, Elastic, Reversible, Pe /** * @param float $min * @param float $max - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $min = 0.0, float $max = 1.0) { @@ -125,7 +125,7 @@ public function maximums() : ?array /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function fit(Dataset $dataset) : void { @@ -155,7 +155,7 @@ public function fit(Dataset $dataset) : void /** * Update the fitting of the transformer. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function update(Dataset $dataset) : void { @@ -187,7 +187,7 @@ public function update(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { @@ -212,7 +212,7 @@ public function transform(array &$samples) : void * Perform the reverse transformation to the samples. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function reverseTransform(array &$samples) : void { diff --git a/src/Transformers/MissingDataImputer.php b/src/Transformers/MissingDataImputer.php index 196ad816b..5175ed0f4 100644 --- a/src/Transformers/MissingDataImputer.php +++ b/src/Transformers/MissingDataImputer.php @@ -32,14 +32,14 @@ class MissingDataImputer implements Transformer, Stateful, Persistable /** * The guessing strategy to use when imputing continuous values. * - * @var \Rubix\ML\Strategies\Strategy + * @var Strategy */ protected \Rubix\ML\Strategies\Strategy $continuous; /** * The guessing strategy to use when imputing categorical values. * - * @var \Rubix\ML\Strategies\Strategy + * @var Strategy */ protected \Rubix\ML\Strategies\Strategy $categorical; @@ -68,7 +68,7 @@ class MissingDataImputer implements Transformer, Stateful, Persistable * @param \Rubix\ML\Strategies\Strategy|null $continuous * @param \Rubix\ML\Strategies\Strategy|null $categorical * @param string $categoricalPlaceholder - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( ?Strategy $continuous = null, @@ -115,8 +115,8 @@ public function fitted() : bool /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function fit(Dataset $dataset) : void { @@ -173,7 +173,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/OneHotEncoder.php b/src/Transformers/OneHotEncoder.php index 60505e10d..99373c935 100644 --- a/src/Transformers/OneHotEncoder.php +++ b/src/Transformers/OneHotEncoder.php @@ -76,7 +76,7 @@ public function categories() : ?array /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function fit(Dataset $dataset) : void { @@ -102,7 +102,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/PolynomialExpander.php b/src/Transformers/PolynomialExpander.php index d8070c31a..c0ccb056c 100644 --- a/src/Transformers/PolynomialExpander.php +++ b/src/Transformers/PolynomialExpander.php @@ -27,7 +27,7 @@ class PolynomialExpander implements Transformer /** * @param int $degree - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $degree = 2) { diff --git a/src/Transformers/PrincipalComponentAnalysis.php b/src/Transformers/PrincipalComponentAnalysis.php index 1b9779b3e..aeabdbc2d 100644 --- a/src/Transformers/PrincipalComponentAnalysis.php +++ b/src/Transformers/PrincipalComponentAnalysis.php @@ -71,7 +71,7 @@ class PrincipalComponentAnalysis implements Transformer, Stateful, Persistable /** * @param int $dimensions - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $dimensions) { @@ -125,8 +125,8 @@ public function lossiness() : ?float /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function fit(Dataset $dataset) : void { @@ -161,7 +161,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/RegexFilter.php b/src/Transformers/RegexFilter.php index 61156015e..99122d014 100644 --- a/src/Transformers/RegexFilter.php +++ b/src/Transformers/RegexFilter.php @@ -105,7 +105,7 @@ class RegexFilter implements Transformer /** * @param string[] $patterns - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $patterns) { diff --git a/src/Transformers/RobustStandardizer.php b/src/Transformers/RobustStandardizer.php index 4c1604a86..b535f3c16 100644 --- a/src/Transformers/RobustStandardizer.php +++ b/src/Transformers/RobustStandardizer.php @@ -105,7 +105,7 @@ public function mads() : ?array /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function fit(Dataset $dataset) : void { @@ -129,7 +129,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { @@ -154,7 +154,7 @@ public function transform(array &$samples) : void * Perform the reverse transformation to the samples. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function reverseTransform(array &$samples) : void { diff --git a/src/Transformers/SparseRandomProjector.php b/src/Transformers/SparseRandomProjector.php index 5bfa2734e..5bc1c7bc2 100644 --- a/src/Transformers/SparseRandomProjector.php +++ b/src/Transformers/SparseRandomProjector.php @@ -47,7 +47,7 @@ class SparseRandomProjector extends GaussianRandomProjector /** * @param int $dimensions * @param float|null $sparsity - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $dimensions, ?float $sparsity = self::TWO_THIRDS) { @@ -64,8 +64,8 @@ public function __construct(int $dimensions, ?float $sparsity = self::TWO_THIRDS /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function fit(Dataset $dataset) : void { diff --git a/src/Transformers/Stateful.php b/src/Transformers/Stateful.php index c7cfa31a8..3dcb7af9c 100644 --- a/src/Transformers/Stateful.php +++ b/src/Transformers/Stateful.php @@ -16,7 +16,7 @@ interface Stateful extends Transformer /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function fit(Dataset $dataset) : void; diff --git a/src/Transformers/StopWordFilter.php b/src/Transformers/StopWordFilter.php index b63c85737..f0112d321 100644 --- a/src/Transformers/StopWordFilter.php +++ b/src/Transformers/StopWordFilter.php @@ -19,7 +19,7 @@ class StopWordFilter extends RegexFilter { /** * @param string[] $stopWords - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(array $stopWords = []) { diff --git a/src/Transformers/TSNE.php b/src/Transformers/TSNE.php index 7abbfc595..b12407e4f 100644 --- a/src/Transformers/TSNE.php +++ b/src/Transformers/TSNE.php @@ -188,7 +188,7 @@ class TSNE implements Transformer, Verbose /** * The distance metric used to measure distances between samples in both high and low dimensions. * - * @var \Rubix\ML\Kernels\Distance\Distance + * @var Distance */ protected \Rubix\ML\Kernels\Distance\Distance $kernel; @@ -208,7 +208,7 @@ class TSNE implements Transformer, Verbose * @param float $minGradient * @param int $window * @param \Rubix\ML\Kernels\Distance\Distance|null $kernel - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct( int $dimensions = 2, @@ -515,10 +515,10 @@ protected function affinities(array $distances) : array /** * Compute the gradient of the KL Divergence cost function with respect to the embedding. * - * @param \Tensor\Matrix $p - * @param \Tensor\Matrix $y - * @param \Tensor\Matrix $distances - * @return \Tensor\Matrix + * @param Matrix $p + * @param Matrix $y + * @param Matrix $distances + * @return Matrix */ protected function gradient(Matrix $p, Matrix $y, Matrix $distances) : Matrix { diff --git a/src/Transformers/TfIdfTransformer.php b/src/Transformers/TfIdfTransformer.php index 8f464ba40..531e9a8f6 100644 --- a/src/Transformers/TfIdfTransformer.php +++ b/src/Transformers/TfIdfTransformer.php @@ -77,7 +77,7 @@ class TfIdfTransformer implements Transformer, Stateful, Elastic, Reversible, Pe /** * @param float $smoothing * @param bool $dampening - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(float $smoothing = 1.0, bool $dampening = false) { @@ -127,7 +127,7 @@ public function dfs() : ?array /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function fit(Dataset $dataset) : void { @@ -140,8 +140,8 @@ public function fit(Dataset $dataset) : void /** * Update the fitting of the transformer. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function update(Dataset $dataset) : void { @@ -181,7 +181,7 @@ public function update(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { @@ -206,7 +206,7 @@ public function transform(array &$samples) : void * Perform the reverse transformation to the samples. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function reverseTransform(array &$samples) : void { diff --git a/src/Transformers/TokenHashingVectorizer.php b/src/Transformers/TokenHashingVectorizer.php index 18e427f62..ca8f7c56a 100644 --- a/src/Transformers/TokenHashingVectorizer.php +++ b/src/Transformers/TokenHashingVectorizer.php @@ -68,7 +68,7 @@ class TokenHashingVectorizer implements Transformer /** * The tokenizer used to extract tokens from blobs of text. * - * @var \Rubix\ML\Tokenizers\Tokenizer + * @var Tokenizer */ protected \Rubix\ML\Tokenizers\Tokenizer $tokenizer; @@ -105,7 +105,7 @@ public static function fnv1(string $input) : int * @param int $dimensions * @param \Rubix\ML\Tokenizers\Tokenizer|null $tokenizer * @param callable(string):int|null $hashFn - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $dimensions, ?Tokenizer $tokenizer = null, ?callable $hashFn = null) { diff --git a/src/Transformers/TruncatedSVD.php b/src/Transformers/TruncatedSVD.php index ee635521a..399bf7f05 100644 --- a/src/Transformers/TruncatedSVD.php +++ b/src/Transformers/TruncatedSVD.php @@ -60,7 +60,7 @@ class TruncatedSVD implements Transformer, Stateful, Persistable /** * @param int $dimensions - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException */ public function __construct(int $dimensions) { @@ -114,8 +114,8 @@ public function lossiness() : ?float /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @param Dataset $dataset + * @throws InvalidArgumentException */ public function fit(Dataset $dataset) : void { @@ -144,7 +144,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/WordCountVectorizer.php b/src/Transformers/WordCountVectorizer.php index ae11de6f8..3c79c9a7f 100644 --- a/src/Transformers/WordCountVectorizer.php +++ b/src/Transformers/WordCountVectorizer.php @@ -60,7 +60,7 @@ class WordCountVectorizer implements Transformer, Stateful, Persistable /** * The tokenizer used to extract features from blobs of text. * - * @var \Rubix\ML\Tokenizers\Tokenizer + * @var Tokenizer */ protected \Rubix\ML\Tokenizers\Tokenizer $tokenizer; @@ -139,8 +139,8 @@ public function vocabularies() : ?array /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @param Dataset $dataset + * @throws RuntimeException */ public function fit(Dataset $dataset) : void { @@ -207,7 +207,7 @@ public function fit(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { diff --git a/src/Transformers/ZScaleStandardizer.php b/src/Transformers/ZScaleStandardizer.php index b40c0c55e..5425bb7b2 100644 --- a/src/Transformers/ZScaleStandardizer.php +++ b/src/Transformers/ZScaleStandardizer.php @@ -127,7 +127,7 @@ public function stddevs() : ?array /** * Fit the transformer to a dataset. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function fit(Dataset $dataset) : void { @@ -152,7 +152,7 @@ public function fit(Dataset $dataset) : void /** * Update the fitting of the transformer. * - * @param \Rubix\ML\Datasets\Dataset $dataset + * @param Dataset $dataset */ public function update(Dataset $dataset) : void { @@ -190,7 +190,7 @@ public function update(Dataset $dataset) : void * Transform the dataset in place. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function transform(array &$samples) : void { @@ -217,7 +217,7 @@ public function transform(array &$samples) : void * Perform the reverse transformation to the samples. * * @param list> $samples - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function reverseTransform(array &$samples) : void { diff --git a/src/Tuple.php b/src/Tuple.php index 63e955ccb..e9ce2ac77 100644 --- a/src/Tuple.php +++ b/src/Tuple.php @@ -62,7 +62,7 @@ public function count() : int * Return a row from the dataset at the given offset. * * @param int $offset - * @throws \Rubix\ML\Exceptions\InvalidArgumentException + * @throws InvalidArgumentException * @return mixed */ #[\ReturnTypeWillChange] @@ -78,7 +78,7 @@ public function offsetGet($offset) /** * @param int $offset * @param mixed[] $values - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function offsetSet($offset, $values) : void { @@ -98,7 +98,7 @@ public function offsetExists($offset) : bool /** * @param int $offset - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException */ public function offsetUnset($offset) : void { diff --git a/src/functions.php b/src/functions.php index c003f5d86..92b8ed55e 100644 --- a/src/functions.php +++ b/src/functions.php @@ -23,7 +23,7 @@ * * @template T * @param array $values - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return T */ function argmin(array $values) @@ -44,7 +44,7 @@ function argmin(array $values) * * @template T * @param array $values - * @throws \Rubix\ML\Exceptions\RuntimeException + * @throws RuntimeException * @return T */ function argmax(array $values) diff --git a/tests/AnomalyDetectors/GaussianMLETest.php b/tests/AnomalyDetectors/GaussianMLETest.php index 1c6d5ab0a..366e4adb1 100644 --- a/tests/AnomalyDetectors/GaussianMLETest.php +++ b/tests/AnomalyDetectors/GaussianMLETest.php @@ -54,17 +54,17 @@ class GaussianMLETest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\AnomalyDetectors\GaussianMLE + * @var GaussianMLE */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/AnomalyDetectors/IsolationForestTest.php b/tests/AnomalyDetectors/IsolationForestTest.php index f5d0f1959..1cb0468c9 100644 --- a/tests/AnomalyDetectors/IsolationForestTest.php +++ b/tests/AnomalyDetectors/IsolationForestTest.php @@ -53,17 +53,17 @@ class IsolationForestTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\AnomalyDetectors\IsolationForest + * @var IsolationForest */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/AnomalyDetectors/LocalOutlierFactorTest.php b/tests/AnomalyDetectors/LocalOutlierFactorTest.php index edf00c405..2a4e0a7a7 100644 --- a/tests/AnomalyDetectors/LocalOutlierFactorTest.php +++ b/tests/AnomalyDetectors/LocalOutlierFactorTest.php @@ -54,17 +54,17 @@ class LocalOutlierFactorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\AnomalyDetectors\LocalOutlierFactor + * @var LocalOutlierFactor */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/AnomalyDetectors/LodaTest.php b/tests/AnomalyDetectors/LodaTest.php index c3b972339..56e61da2f 100644 --- a/tests/AnomalyDetectors/LodaTest.php +++ b/tests/AnomalyDetectors/LodaTest.php @@ -54,17 +54,17 @@ class LodaTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\AnomalyDetectors\Loda + * @var Loda */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/AnomalyDetectors/OneClassSVMTest.php b/tests/AnomalyDetectors/OneClassSVMTest.php index 4c76c6bdb..41110954c 100644 --- a/tests/AnomalyDetectors/OneClassSVMTest.php +++ b/tests/AnomalyDetectors/OneClassSVMTest.php @@ -53,17 +53,17 @@ class OneClassSVMTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\AnomalyDetectors\OneClassSVM + * @var OneClassSVM */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/AnomalyDetectors/RobustZScoreTest.php b/tests/AnomalyDetectors/RobustZScoreTest.php index 6d83349dd..b20ca1731 100644 --- a/tests/AnomalyDetectors/RobustZScoreTest.php +++ b/tests/AnomalyDetectors/RobustZScoreTest.php @@ -53,17 +53,17 @@ class RobustZScoreTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\AnomalyDetectors\RobustZScore + * @var RobustZScore */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Backends/AmpTest.php b/tests/Backends/AmpTest.php index 7c8adaaaa..d2bbda9b5 100644 --- a/tests/Backends/AmpTest.php +++ b/tests/Backends/AmpTest.php @@ -14,7 +14,7 @@ class AmpTest extends TestCase { /** - * @var \Rubix\ML\Backends\Amp + * @var Amp */ protected $backend; diff --git a/tests/Backends/SerialTest.php b/tests/Backends/SerialTest.php index 781d53146..56e3b2cbd 100644 --- a/tests/Backends/SerialTest.php +++ b/tests/Backends/SerialTest.php @@ -14,7 +14,7 @@ class SerialTest extends TestCase { /** - * @var \Rubix\ML\Backends\Serial + * @var Serial */ protected $backend; diff --git a/tests/BootstrapAggregatorTest.php b/tests/BootstrapAggregatorTest.php index 2a17276a7..c8062dc5f 100644 --- a/tests/BootstrapAggregatorTest.php +++ b/tests/BootstrapAggregatorTest.php @@ -31,17 +31,17 @@ class BootstrapAggregatorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\SwissRoll + * @var SwissRoll */ protected $generator; /** - * @var \Rubix\ML\BootstrapAggregator + * @var BootstrapAggregator */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Classifiers/AdaBoostTest.php b/tests/Classifiers/AdaBoostTest.php index 5480920a1..7a038fa7d 100644 --- a/tests/Classifiers/AdaBoostTest.php +++ b/tests/Classifiers/AdaBoostTest.php @@ -55,17 +55,17 @@ class AdaBoostTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\AdaBoost + * @var AdaBoost */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/ClassificationTreeTest.php b/tests/Classifiers/ClassificationTreeTest.php index 73e2ac0d0..b0507d869 100644 --- a/tests/Classifiers/ClassificationTreeTest.php +++ b/tests/Classifiers/ClassificationTreeTest.php @@ -57,17 +57,17 @@ class ClassificationTreeTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\ClassificationTree + * @var ClassificationTree */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/ExtraTreeClassifierTest.php b/tests/Classifiers/ExtraTreeClassifierTest.php index f21e24618..ed7b86473 100644 --- a/tests/Classifiers/ExtraTreeClassifierTest.php +++ b/tests/Classifiers/ExtraTreeClassifierTest.php @@ -54,17 +54,17 @@ class ExtraTreeClassifierTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\ExtraTreeClassifier + * @var ExtraTreeClassifier */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/GaussianNBTest.php b/tests/Classifiers/GaussianNBTest.php index 5a1e70a41..ad93acc10 100644 --- a/tests/Classifiers/GaussianNBTest.php +++ b/tests/Classifiers/GaussianNBTest.php @@ -54,17 +54,17 @@ class GaussianNBTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\GaussianNB + * @var GaussianNB */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/KDNeighborsTest.php b/tests/Classifiers/KDNeighborsTest.php index 12c6334f6..5464038f4 100644 --- a/tests/Classifiers/KDNeighborsTest.php +++ b/tests/Classifiers/KDNeighborsTest.php @@ -54,17 +54,17 @@ class KDNeighborsTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\KDNeighbors + * @var KDNeighbors */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/KNearestNeighborsTest.php b/tests/Classifiers/KNearestNeighborsTest.php index d28a01bd5..c002f3b06 100644 --- a/tests/Classifiers/KNearestNeighborsTest.php +++ b/tests/Classifiers/KNearestNeighborsTest.php @@ -55,17 +55,17 @@ class KNearestNeighborsTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\KNearestNeighbors + * @var KNearestNeighbors */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/LogisticRegressionTest.php b/tests/Classifiers/LogisticRegressionTest.php index 3ea754ca5..593c003e0 100644 --- a/tests/Classifiers/LogisticRegressionTest.php +++ b/tests/Classifiers/LogisticRegressionTest.php @@ -60,17 +60,17 @@ class LogisticRegressionTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\LogisticRegression + * @var LogisticRegression */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/LogitBoostTest.php b/tests/Classifiers/LogitBoostTest.php index e9955d311..690ff2647 100644 --- a/tests/Classifiers/LogitBoostTest.php +++ b/tests/Classifiers/LogitBoostTest.php @@ -55,17 +55,17 @@ class LogitBoostTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\LogitBoost + * @var LogitBoost */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/MultilayerPerceptronTest.php b/tests/Classifiers/MultilayerPerceptronTest.php index 59c9633a9..83de59178 100644 --- a/tests/Classifiers/MultilayerPerceptronTest.php +++ b/tests/Classifiers/MultilayerPerceptronTest.php @@ -67,17 +67,17 @@ class MultilayerPerceptronTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\MultilayerPerceptron + * @var MultilayerPerceptron */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/NaiveBayesTest.php b/tests/Classifiers/NaiveBayesTest.php index fc31baf66..aa036c540 100644 --- a/tests/Classifiers/NaiveBayesTest.php +++ b/tests/Classifiers/NaiveBayesTest.php @@ -55,17 +55,17 @@ class NaiveBayesTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\NaiveBayes + * @var NaiveBayes */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/OneVsRestTest.php b/tests/Classifiers/OneVsRestTest.php index 271e44c52..26bcc2d24 100644 --- a/tests/Classifiers/OneVsRestTest.php +++ b/tests/Classifiers/OneVsRestTest.php @@ -54,17 +54,17 @@ class OneVsRestTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\OneVsRest + * @var OneVsRest */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/RadiusNeighborsTest.php b/tests/Classifiers/RadiusNeighborsTest.php index f310b8550..0b4f774cb 100644 --- a/tests/Classifiers/RadiusNeighborsTest.php +++ b/tests/Classifiers/RadiusNeighborsTest.php @@ -54,17 +54,17 @@ class RadiusNeighborsTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\RadiusNeighbors + * @var RadiusNeighbors */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/RandomForestTest.php b/tests/Classifiers/RandomForestTest.php index c1caf5358..9572a9cf2 100644 --- a/tests/Classifiers/RandomForestTest.php +++ b/tests/Classifiers/RandomForestTest.php @@ -55,17 +55,17 @@ class RandomForestTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\RandomForest + * @var RandomForest */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/SVCTest.php b/tests/Classifiers/SVCTest.php index 53530794b..91184a35a 100644 --- a/tests/Classifiers/SVCTest.php +++ b/tests/Classifiers/SVCTest.php @@ -54,17 +54,17 @@ class SVCTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\SVC + * @var SVC */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Classifiers/SoftmaxClassifierTest.php b/tests/Classifiers/SoftmaxClassifierTest.php index dede8fc20..3aef22c85 100644 --- a/tests/Classifiers/SoftmaxClassifierTest.php +++ b/tests/Classifiers/SoftmaxClassifierTest.php @@ -59,17 +59,17 @@ class SoftmaxClassifierTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\SoftmaxClassifier + * @var SoftmaxClassifier */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/Clusterers/DBSCANTest.php b/tests/Clusterers/DBSCANTest.php index 845441377..3a4394eb0 100644 --- a/tests/Clusterers/DBSCANTest.php +++ b/tests/Clusterers/DBSCANTest.php @@ -42,17 +42,17 @@ class DBSCANTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Clusterers\DBSCAN + * @var DBSCAN */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\VMeasure + * @var VMeasure */ protected $metric; diff --git a/tests/Clusterers/FuzzyCMeansTest.php b/tests/Clusterers/FuzzyCMeansTest.php index ac8fa6b2c..635e6ac78 100644 --- a/tests/Clusterers/FuzzyCMeansTest.php +++ b/tests/Clusterers/FuzzyCMeansTest.php @@ -56,17 +56,17 @@ class FuzzyCMeansTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Clusterers\FuzzyCMeans + * @var FuzzyCMeans */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\VMeasure + * @var VMeasure */ protected $metric; diff --git a/tests/Clusterers/GaussianMixtureTest.php b/tests/Clusterers/GaussianMixtureTest.php index 7ea63def0..8f6c5d278 100644 --- a/tests/Clusterers/GaussianMixtureTest.php +++ b/tests/Clusterers/GaussianMixtureTest.php @@ -55,17 +55,17 @@ class GaussianMixtureTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Clusterers\GaussianMixture + * @var GaussianMixture */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\VMeasure + * @var VMeasure */ protected $metric; diff --git a/tests/Clusterers/KMeansTest.php b/tests/Clusterers/KMeansTest.php index 195e14deb..f55343037 100644 --- a/tests/Clusterers/KMeansTest.php +++ b/tests/Clusterers/KMeansTest.php @@ -57,17 +57,17 @@ class KMeansTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Clusterers\KMeans + * @var KMeans */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\VMeasure + * @var VMeasure */ protected $metric; diff --git a/tests/Clusterers/MeanShiftTest.php b/tests/Clusterers/MeanShiftTest.php index 2a79b1078..1079898cb 100644 --- a/tests/Clusterers/MeanShiftTest.php +++ b/tests/Clusterers/MeanShiftTest.php @@ -56,17 +56,17 @@ class MeanShiftTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Clusterers\MeanShift + * @var MeanShift */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\VMeasure + * @var VMeasure */ protected $metric; diff --git a/tests/Clusterers/Seeders/KMC2Test.php b/tests/Clusterers/Seeders/KMC2Test.php index 9929ca417..704486366 100644 --- a/tests/Clusterers/Seeders/KMC2Test.php +++ b/tests/Clusterers/Seeders/KMC2Test.php @@ -16,12 +16,12 @@ class KMC2Test extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Clusterers\Seeders\KMC2 + * @var KMC2 */ protected $seeder; diff --git a/tests/Clusterers/Seeders/PlusPlusTest.php b/tests/Clusterers/Seeders/PlusPlusTest.php index 138698ff8..41a146a08 100644 --- a/tests/Clusterers/Seeders/PlusPlusTest.php +++ b/tests/Clusterers/Seeders/PlusPlusTest.php @@ -16,12 +16,12 @@ class PlusPlusTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Clusterers\Seeders\PlusPlus + * @var PlusPlus */ protected $seeder; diff --git a/tests/Clusterers/Seeders/PresetTest.php b/tests/Clusterers/Seeders/PresetTest.php index 97bd41679..06f9ac5ed 100644 --- a/tests/Clusterers/Seeders/PresetTest.php +++ b/tests/Clusterers/Seeders/PresetTest.php @@ -14,7 +14,7 @@ class PresetTest extends TestCase { /** - * @var \Rubix\ML\Clusterers\Seeders\Preset + * @var Preset */ protected $seeder; diff --git a/tests/Clusterers/Seeders/RandomTest.php b/tests/Clusterers/Seeders/RandomTest.php index 37f0c02c6..088e71688 100644 --- a/tests/Clusterers/Seeders/RandomTest.php +++ b/tests/Clusterers/Seeders/RandomTest.php @@ -15,12 +15,12 @@ class RandomTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Clusterers\Seeders\Random + * @var Random */ protected $seeder; diff --git a/tests/CommitteeMachineTest.php b/tests/CommitteeMachineTest.php index a9330c86f..f9af35bfb 100644 --- a/tests/CommitteeMachineTest.php +++ b/tests/CommitteeMachineTest.php @@ -36,17 +36,17 @@ class CommitteeMachineTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\CommitteeMachine + * @var CommitteeMachine */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\Accuracy + * @var Accuracy */ protected $metric; diff --git a/tests/CrossValidation/HoldOutTest.php b/tests/CrossValidation/HoldOutTest.php index e18da1224..5a797424e 100644 --- a/tests/CrossValidation/HoldOutTest.php +++ b/tests/CrossValidation/HoldOutTest.php @@ -19,22 +19,22 @@ class HoldOutTest extends TestCase protected const DATASET_SIZE = 50; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\GaussianNB + * @var GaussianNB */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\HoldOut + * @var HoldOut */ protected $validator; /** - * @var \Rubix\ML\CrossValidation\Metrics\Accuracy + * @var Accuracy */ protected $metric; diff --git a/tests/CrossValidation/KFoldTest.php b/tests/CrossValidation/KFoldTest.php index 7d917fd7b..805236cbe 100644 --- a/tests/CrossValidation/KFoldTest.php +++ b/tests/CrossValidation/KFoldTest.php @@ -21,22 +21,22 @@ class KFoldTest extends TestCase protected const DATASET_SIZE = 50; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\GaussianNB + * @var GaussianNB */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\KFold + * @var KFold */ protected $validator; /** - * @var \Rubix\ML\CrossValidation\Metrics\Accuracy + * @var Accuracy */ protected $metric; diff --git a/tests/CrossValidation/LeavePOutTest.php b/tests/CrossValidation/LeavePOutTest.php index afda69842..dbb54bf57 100644 --- a/tests/CrossValidation/LeavePOutTest.php +++ b/tests/CrossValidation/LeavePOutTest.php @@ -21,22 +21,22 @@ class LeavePOutTest extends TestCase protected const DATASET_SIZE = 50; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\GaussianNB + * @var GaussianNB */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\LeavePOut + * @var LeavePOut */ protected $validator; /** - * @var \Rubix\ML\CrossValidation\Metrics\Accuracy + * @var Accuracy */ protected $metric; diff --git a/tests/CrossValidation/Metrics/AccuracyTest.php b/tests/CrossValidation/Metrics/AccuracyTest.php index 2322dabb2..b9cc508b1 100644 --- a/tests/CrossValidation/Metrics/AccuracyTest.php +++ b/tests/CrossValidation/Metrics/AccuracyTest.php @@ -16,7 +16,7 @@ class AccuracyTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\Accuracy + * @var Accuracy */ protected $metric; diff --git a/tests/CrossValidation/Metrics/BrierScoreTest.php b/tests/CrossValidation/Metrics/BrierScoreTest.php index bd6670971..701f38ba7 100644 --- a/tests/CrossValidation/Metrics/BrierScoreTest.php +++ b/tests/CrossValidation/Metrics/BrierScoreTest.php @@ -15,7 +15,7 @@ class BrierScoreTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\BrierScore + * @var BrierScore */ protected $metric; diff --git a/tests/CrossValidation/Metrics/CompletenessTest.php b/tests/CrossValidation/Metrics/CompletenessTest.php index eb9ada563..873b943f9 100644 --- a/tests/CrossValidation/Metrics/CompletenessTest.php +++ b/tests/CrossValidation/Metrics/CompletenessTest.php @@ -16,7 +16,7 @@ class CompletenessTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\Completeness + * @var Completeness */ protected $metric; diff --git a/tests/CrossValidation/Metrics/FBetaTest.php b/tests/CrossValidation/Metrics/FBetaTest.php index 4fc577641..57dd2fca5 100644 --- a/tests/CrossValidation/Metrics/FBetaTest.php +++ b/tests/CrossValidation/Metrics/FBetaTest.php @@ -16,7 +16,7 @@ class FBetaTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\FBeta + * @var FBeta */ protected $metric; diff --git a/tests/CrossValidation/Metrics/HomogeneityTest.php b/tests/CrossValidation/Metrics/HomogeneityTest.php index e163a33c3..47b05d595 100644 --- a/tests/CrossValidation/Metrics/HomogeneityTest.php +++ b/tests/CrossValidation/Metrics/HomogeneityTest.php @@ -16,7 +16,7 @@ class HomogeneityTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\Homogeneity + * @var Homogeneity */ protected $metric; diff --git a/tests/CrossValidation/Metrics/InformednessTest.php b/tests/CrossValidation/Metrics/InformednessTest.php index 2daecd2ab..aa1f276b6 100644 --- a/tests/CrossValidation/Metrics/InformednessTest.php +++ b/tests/CrossValidation/Metrics/InformednessTest.php @@ -16,7 +16,7 @@ class InformednessTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\Informedness + * @var Informedness */ protected $metric; diff --git a/tests/CrossValidation/Metrics/MCCTest.php b/tests/CrossValidation/Metrics/MCCTest.php index 93381ab21..22325cc5f 100644 --- a/tests/CrossValidation/Metrics/MCCTest.php +++ b/tests/CrossValidation/Metrics/MCCTest.php @@ -16,7 +16,7 @@ class MCCTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\MCC + * @var MCC */ protected $metric; diff --git a/tests/CrossValidation/Metrics/MeanAbsoluteErrorTest.php b/tests/CrossValidation/Metrics/MeanAbsoluteErrorTest.php index 43ea47fc3..fd30236a8 100644 --- a/tests/CrossValidation/Metrics/MeanAbsoluteErrorTest.php +++ b/tests/CrossValidation/Metrics/MeanAbsoluteErrorTest.php @@ -16,7 +16,7 @@ class MeanAbsoluteErrorTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\MeanAbsoluteError + * @var MeanAbsoluteError */ protected $metric; diff --git a/tests/CrossValidation/Metrics/MeanSquaredErrorTest.php b/tests/CrossValidation/Metrics/MeanSquaredErrorTest.php index 1d500ca95..e0008cd58 100644 --- a/tests/CrossValidation/Metrics/MeanSquaredErrorTest.php +++ b/tests/CrossValidation/Metrics/MeanSquaredErrorTest.php @@ -16,7 +16,7 @@ class MeanSquaredErrorTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\MeanSquaredError + * @var MeanSquaredError */ protected $metric; diff --git a/tests/CrossValidation/Metrics/MedianAbsoluteErrorTest.php b/tests/CrossValidation/Metrics/MedianAbsoluteErrorTest.php index c5fcd7072..212f5ca83 100644 --- a/tests/CrossValidation/Metrics/MedianAbsoluteErrorTest.php +++ b/tests/CrossValidation/Metrics/MedianAbsoluteErrorTest.php @@ -16,7 +16,7 @@ class MedianAbsoluteErrorTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\MedianAbsoluteError + * @var MedianAbsoluteError */ protected $metric; diff --git a/tests/CrossValidation/Metrics/ProbabilisticAccuracyTest.php b/tests/CrossValidation/Metrics/ProbabilisticAccuracyTest.php index 2a0c715a7..7d77c19d5 100644 --- a/tests/CrossValidation/Metrics/ProbabilisticAccuracyTest.php +++ b/tests/CrossValidation/Metrics/ProbabilisticAccuracyTest.php @@ -15,7 +15,7 @@ class ProbabilisticAccuracyTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\ProbabilisticAccuracy + * @var ProbabilisticAccuracy */ protected $metric; diff --git a/tests/CrossValidation/Metrics/RMSETest.php b/tests/CrossValidation/Metrics/RMSETest.php index bba404808..b240d7328 100644 --- a/tests/CrossValidation/Metrics/RMSETest.php +++ b/tests/CrossValidation/Metrics/RMSETest.php @@ -16,7 +16,7 @@ class RMSETest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\RMSE + * @var RMSE */ protected $metric; diff --git a/tests/CrossValidation/Metrics/RSquaredTest.php b/tests/CrossValidation/Metrics/RSquaredTest.php index 24d849f1a..ed7fbf62f 100644 --- a/tests/CrossValidation/Metrics/RSquaredTest.php +++ b/tests/CrossValidation/Metrics/RSquaredTest.php @@ -16,7 +16,7 @@ class RSquaredTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/CrossValidation/Metrics/RandIndexTest.php b/tests/CrossValidation/Metrics/RandIndexTest.php index 41a482d87..1f5dce31e 100644 --- a/tests/CrossValidation/Metrics/RandIndexTest.php +++ b/tests/CrossValidation/Metrics/RandIndexTest.php @@ -16,7 +16,7 @@ class RandIndexTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\RandIndex + * @var RandIndex */ protected $metric; diff --git a/tests/CrossValidation/Metrics/SMAPETest.php b/tests/CrossValidation/Metrics/SMAPETest.php index 91bb89323..9e22c30c2 100644 --- a/tests/CrossValidation/Metrics/SMAPETest.php +++ b/tests/CrossValidation/Metrics/SMAPETest.php @@ -16,7 +16,7 @@ class SMAPETest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\SMAPE + * @var SMAPE */ protected $metric; diff --git a/tests/CrossValidation/Metrics/TopKAccuracyTest.php b/tests/CrossValidation/Metrics/TopKAccuracyTest.php index d87e89fcd..416765f29 100644 --- a/tests/CrossValidation/Metrics/TopKAccuracyTest.php +++ b/tests/CrossValidation/Metrics/TopKAccuracyTest.php @@ -15,7 +15,7 @@ class TopKAccuracyTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\TopKAccuracy + * @var TopKAccuracy */ protected $metric; diff --git a/tests/CrossValidation/Metrics/VMeasureTest.php b/tests/CrossValidation/Metrics/VMeasureTest.php index 868fb9f29..10d0a09fe 100644 --- a/tests/CrossValidation/Metrics/VMeasureTest.php +++ b/tests/CrossValidation/Metrics/VMeasureTest.php @@ -16,7 +16,7 @@ class VMeasureTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Metrics\VMeasure + * @var VMeasure */ protected $metric; diff --git a/tests/CrossValidation/MonteCarloTest.php b/tests/CrossValidation/MonteCarloTest.php index bc254b0b2..ca8967bfb 100644 --- a/tests/CrossValidation/MonteCarloTest.php +++ b/tests/CrossValidation/MonteCarloTest.php @@ -21,22 +21,22 @@ class MonteCarloTest extends TestCase protected const DATASET_SIZE = 50; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Classifiers\GaussianNB + * @var GaussianNB */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\MonteCarlo + * @var MonteCarlo */ protected $validator; /** - * @var \Rubix\ML\CrossValidation\Metrics\Accuracy + * @var Accuracy */ protected $metric; diff --git a/tests/CrossValidation/Reports/AggregateReportTest.php b/tests/CrossValidation/Reports/AggregateReportTest.php index d49e1fdb4..17319e329 100644 --- a/tests/CrossValidation/Reports/AggregateReportTest.php +++ b/tests/CrossValidation/Reports/AggregateReportTest.php @@ -17,7 +17,7 @@ class AggregateReportTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Reports\AggregateReport + * @var AggregateReport */ protected $report; diff --git a/tests/CrossValidation/Reports/ConfusionMatrixTest.php b/tests/CrossValidation/Reports/ConfusionMatrixTest.php index eaf659ba3..05c10452e 100644 --- a/tests/CrossValidation/Reports/ConfusionMatrixTest.php +++ b/tests/CrossValidation/Reports/ConfusionMatrixTest.php @@ -16,7 +16,7 @@ class ConfusionMatrixTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Reports\ConfusionMatrix + * @var ConfusionMatrix */ protected $report; diff --git a/tests/CrossValidation/Reports/ContingencyTableTest.php b/tests/CrossValidation/Reports/ContingencyTableTest.php index bfb98fb73..95c61bd21 100644 --- a/tests/CrossValidation/Reports/ContingencyTableTest.php +++ b/tests/CrossValidation/Reports/ContingencyTableTest.php @@ -16,7 +16,7 @@ class ContingencyTableTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Reports\ContingencyTable + * @var ContingencyTable */ protected $report; diff --git a/tests/CrossValidation/Reports/ErrorAnalysisTest.php b/tests/CrossValidation/Reports/ErrorAnalysisTest.php index 18b41465c..ae91b0b06 100644 --- a/tests/CrossValidation/Reports/ErrorAnalysisTest.php +++ b/tests/CrossValidation/Reports/ErrorAnalysisTest.php @@ -16,7 +16,7 @@ class ErrorAnalysisTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Reports\ErrorAnalysis + * @var ErrorAnalysis */ protected $report; diff --git a/tests/CrossValidation/Reports/MulticlassBreakdownTest.php b/tests/CrossValidation/Reports/MulticlassBreakdownTest.php index 98cb947c6..85608b04f 100644 --- a/tests/CrossValidation/Reports/MulticlassBreakdownTest.php +++ b/tests/CrossValidation/Reports/MulticlassBreakdownTest.php @@ -16,7 +16,7 @@ class MulticlassBreakdownTest extends TestCase { /** - * @var \Rubix\ML\CrossValidation\Reports\MulticlassBreakdown + * @var MulticlassBreakdown */ protected $report; diff --git a/tests/DataTypeTest.php b/tests/DataTypeTest.php index 571c2fd3e..88c397a79 100644 --- a/tests/DataTypeTest.php +++ b/tests/DataTypeTest.php @@ -17,7 +17,7 @@ class DataTypeTest extends TestCase * @dataProvider determineProvider * * @param mixed $value - * @param \Rubix\ML\DataType $expected + * @param DataType $expected */ public function determine($value, DataType $expected) : void { @@ -61,7 +61,7 @@ public function determineImage() : void * @test * @dataProvider codeProvider * - * @param \Rubix\ML\DataType $type + * @param DataType $type * @param int $expected */ public function code(DataType $type, int $expected) : void diff --git a/tests/Datasets/Generators/AgglomerateTest.php b/tests/Datasets/Generators/AgglomerateTest.php index 9d38b79cc..590d769ac 100644 --- a/tests/Datasets/Generators/AgglomerateTest.php +++ b/tests/Datasets/Generators/AgglomerateTest.php @@ -18,7 +18,7 @@ class AgglomerateTest extends TestCase protected const DATASET_SIZE = 30; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; diff --git a/tests/Datasets/Generators/BlobTest.php b/tests/Datasets/Generators/BlobTest.php index 1dcd39055..4c7342051 100644 --- a/tests/Datasets/Generators/BlobTest.php +++ b/tests/Datasets/Generators/BlobTest.php @@ -17,7 +17,7 @@ class BlobTest extends TestCase protected const DATASET_SIZE = 30; /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; diff --git a/tests/Datasets/Generators/CircleTest.php b/tests/Datasets/Generators/CircleTest.php index 0f39adb92..73f6ea2d2 100644 --- a/tests/Datasets/Generators/CircleTest.php +++ b/tests/Datasets/Generators/CircleTest.php @@ -17,7 +17,7 @@ class CircleTest extends TestCase protected const DATASET_SIZE = 30; /** - * @var \Rubix\ML\Datasets\Generators\Circle + * @var Circle */ protected $generator; diff --git a/tests/Datasets/Generators/HalfMoonTest.php b/tests/Datasets/Generators/HalfMoonTest.php index 752a0d2c6..648fb1c74 100644 --- a/tests/Datasets/Generators/HalfMoonTest.php +++ b/tests/Datasets/Generators/HalfMoonTest.php @@ -17,7 +17,7 @@ class HalfMoonTest extends TestCase protected const DATASET_SIZE = 30; /** - * @var \Rubix\ML\Datasets\Generators\HalfMoon + * @var HalfMoon */ protected $generator; diff --git a/tests/Datasets/Generators/HyperplaneTest.php b/tests/Datasets/Generators/HyperplaneTest.php index b588b5597..d98c893ab 100644 --- a/tests/Datasets/Generators/HyperplaneTest.php +++ b/tests/Datasets/Generators/HyperplaneTest.php @@ -15,7 +15,7 @@ class HyperplaneTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Hyperplane + * @var Hyperplane */ protected $generator; diff --git a/tests/Datasets/Generators/SwissRollTest.php b/tests/Datasets/Generators/SwissRollTest.php index 94bbc42b6..a54b3158d 100644 --- a/tests/Datasets/Generators/SwissRollTest.php +++ b/tests/Datasets/Generators/SwissRollTest.php @@ -17,7 +17,7 @@ class SwissRollTest extends TestCase protected const DATASET_SIZE = 30; /** - * @var \Rubix\ML\Datasets\Generators\SwissRoll + * @var SwissRoll */ protected $generator; diff --git a/tests/Datasets/LabeledTest.php b/tests/Datasets/LabeledTest.php index cef250826..e00705dcb 100644 --- a/tests/Datasets/LabeledTest.php +++ b/tests/Datasets/LabeledTest.php @@ -49,7 +49,7 @@ class LabeledTest extends TestCase protected const RANDOM_SEED = 1; /** - * @var \Rubix\ML\Datasets\Labeled + * @var Labeled */ protected $dataset; diff --git a/tests/Datasets/UnlabeledTest.php b/tests/Datasets/UnlabeledTest.php index 7bb856a9e..76ef06550 100644 --- a/tests/Datasets/UnlabeledTest.php +++ b/tests/Datasets/UnlabeledTest.php @@ -43,7 +43,7 @@ class UnlabeledTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Unlabeled + * @var Unlabeled */ protected $dataset; diff --git a/tests/DeferredTest.php b/tests/DeferredTest.php index 5ccdcf25f..fbed95a68 100644 --- a/tests/DeferredTest.php +++ b/tests/DeferredTest.php @@ -12,7 +12,7 @@ class DeferredTest extends TestCase { /** - * @var \Rubix\ML\Deferred + * @var Deferred */ protected $deferred; diff --git a/tests/EncodingTest.php b/tests/EncodingTest.php index 3e87c4018..98dc69321 100644 --- a/tests/EncodingTest.php +++ b/tests/EncodingTest.php @@ -18,7 +18,7 @@ class EncodingTest extends TestCase ]; /** - * @var \Rubix\ML\Encoding + * @var Encoding */ protected $encoding; diff --git a/tests/EstimatorTypeTest.php b/tests/EstimatorTypeTest.php index 5aeb72d46..86ae793a5 100644 --- a/tests/EstimatorTypeTest.php +++ b/tests/EstimatorTypeTest.php @@ -12,7 +12,7 @@ class EstimatorTypeTest extends TestCase { /** - * @var \Rubix\ML\EstimatorType + * @var EstimatorType */ protected $type; diff --git a/tests/Extractors/DeduplicatorTest.php b/tests/Extractors/DeduplicatorTest.php index f13670d6a..cf684df61 100644 --- a/tests/Extractors/DeduplicatorTest.php +++ b/tests/Extractors/DeduplicatorTest.php @@ -15,7 +15,7 @@ class DeduplicatorTest extends TestCase { /** - * @var \Rubix\ML\Extractors\Deduplicator + * @var Deduplicator */ protected $extractor; diff --git a/tests/Graph/Nodes/AverageTest.php b/tests/Graph/Nodes/AverageTest.php index e35da619c..e57780a9a 100644 --- a/tests/Graph/Nodes/AverageTest.php +++ b/tests/Graph/Nodes/AverageTest.php @@ -21,7 +21,7 @@ class AverageTest extends TestCase protected const N = 3; /** - * @var \Rubix\ML\Graph\Nodes\Average + * @var Average */ protected $node; diff --git a/tests/Graph/Nodes/BallTest.php b/tests/Graph/Nodes/BallTest.php index 3721b6d7e..c5ad8e380 100644 --- a/tests/Graph/Nodes/BallTest.php +++ b/tests/Graph/Nodes/BallTest.php @@ -28,7 +28,7 @@ class BallTest extends TestCase protected const RADIUS = 1.5; /** - * @var \Rubix\ML\Graph\Nodes\Ball + * @var Ball */ protected $node; diff --git a/tests/Graph/Nodes/BestTest.php b/tests/Graph/Nodes/BestTest.php index c915913bd..abe500472 100644 --- a/tests/Graph/Nodes/BestTest.php +++ b/tests/Graph/Nodes/BestTest.php @@ -26,7 +26,7 @@ class BestTest extends TestCase protected const N = 6; /** - * @var \Rubix\ML\Graph\Nodes\Best + * @var Best */ protected $node; diff --git a/tests/Graph/Nodes/BoxTest.php b/tests/Graph/Nodes/BoxTest.php index cb7933396..7864cc896 100644 --- a/tests/Graph/Nodes/BoxTest.php +++ b/tests/Graph/Nodes/BoxTest.php @@ -35,7 +35,7 @@ class BoxTest extends TestCase ]; /** - * @var \Rubix\ML\Graph\Nodes\Box + * @var Box */ protected $node; diff --git a/tests/Graph/Nodes/CliqueTest.php b/tests/Graph/Nodes/CliqueTest.php index ec7370307..b0af79c8f 100644 --- a/tests/Graph/Nodes/CliqueTest.php +++ b/tests/Graph/Nodes/CliqueTest.php @@ -27,7 +27,7 @@ class CliqueTest extends TestCase protected const RADIUS = 1.5; /** - * @var \Rubix\ML\Graph\Nodes\Clique + * @var Clique */ protected $node; diff --git a/tests/Graph/Nodes/DepthTest.php b/tests/Graph/Nodes/DepthTest.php index 44e4208f0..e1e9991df 100644 --- a/tests/Graph/Nodes/DepthTest.php +++ b/tests/Graph/Nodes/DepthTest.php @@ -24,7 +24,7 @@ class DepthTest extends TestCase protected const C = 8.207392357589622; /** - * @var \Rubix\ML\Graph\Nodes\Depth + * @var Depth */ protected $node; diff --git a/tests/Graph/Nodes/IsolatorTest.php b/tests/Graph/Nodes/IsolatorTest.php index fec982314..a78a2a7d4 100644 --- a/tests/Graph/Nodes/IsolatorTest.php +++ b/tests/Graph/Nodes/IsolatorTest.php @@ -24,7 +24,7 @@ class IsolatorTest extends TestCase ]; /** - * @var \Rubix\ML\Graph\Nodes\Isolator + * @var Isolator */ protected $node; diff --git a/tests/Graph/Nodes/NeighborhoodTest.php b/tests/Graph/Nodes/NeighborhoodTest.php index 353769902..d2f17fb91 100644 --- a/tests/Graph/Nodes/NeighborhoodTest.php +++ b/tests/Graph/Nodes/NeighborhoodTest.php @@ -32,7 +32,7 @@ class NeighborhoodTest extends TestCase ]; /** - * @var \Rubix\ML\Graph\Nodes\Neighborhood + * @var Neighborhood */ protected $node; diff --git a/tests/Graph/Nodes/SplitTest.php b/tests/Graph/Nodes/SplitTest.php index d35e144d6..f53ee12a8 100644 --- a/tests/Graph/Nodes/SplitTest.php +++ b/tests/Graph/Nodes/SplitTest.php @@ -31,7 +31,7 @@ class SplitTest extends TestCase protected const N = 4; /** - * @var \Rubix\ML\Graph\Nodes\Split + * @var Split */ protected $node; diff --git a/tests/Graph/Trees/BallTreeTest.php b/tests/Graph/Trees/BallTreeTest.php index cd201bcbe..e1ac42fda 100644 --- a/tests/Graph/Trees/BallTreeTest.php +++ b/tests/Graph/Trees/BallTreeTest.php @@ -22,12 +22,12 @@ class BallTreeTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Graph\Trees\BallTree + * @var BallTree */ protected $tree; diff --git a/tests/Graph/Trees/ITreeTest.php b/tests/Graph/Trees/ITreeTest.php index a9ec4193f..b1fab9f68 100644 --- a/tests/Graph/Trees/ITreeTest.php +++ b/tests/Graph/Trees/ITreeTest.php @@ -21,12 +21,12 @@ class ITreeTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Graph\Trees\ITree + * @var ITree */ protected $tree; diff --git a/tests/Graph/Trees/KDTreeTest.php b/tests/Graph/Trees/KDTreeTest.php index cca0f0cce..71918a552 100644 --- a/tests/Graph/Trees/KDTreeTest.php +++ b/tests/Graph/Trees/KDTreeTest.php @@ -22,12 +22,12 @@ class KDTreeTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Graph\Trees\KDTree + * @var KDTree */ protected $tree; diff --git a/tests/GridSearchTest.php b/tests/GridSearchTest.php index a2a2c736a..0a61ddfdc 100644 --- a/tests/GridSearchTest.php +++ b/tests/GridSearchTest.php @@ -36,17 +36,17 @@ class GridSearchTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\GridSearch + * @var GridSearch */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\Accuracy + * @var Accuracy */ protected $metric; diff --git a/tests/Kernels/Distance/CanberraTest.php b/tests/Kernels/Distance/CanberraTest.php index ab0a16dda..abc0f2b25 100644 --- a/tests/Kernels/Distance/CanberraTest.php +++ b/tests/Kernels/Distance/CanberraTest.php @@ -14,7 +14,7 @@ class CanberraTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Canberra + * @var Canberra */ protected $kernel; diff --git a/tests/Kernels/Distance/CosineTest.php b/tests/Kernels/Distance/CosineTest.php index a576b69d8..6f7cc220b 100644 --- a/tests/Kernels/Distance/CosineTest.php +++ b/tests/Kernels/Distance/CosineTest.php @@ -14,7 +14,7 @@ class CosineTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Cosine + * @var Cosine */ protected $kernel; diff --git a/tests/Kernels/Distance/DiagonalTest.php b/tests/Kernels/Distance/DiagonalTest.php index 0d4383161..9e9e8a248 100644 --- a/tests/Kernels/Distance/DiagonalTest.php +++ b/tests/Kernels/Distance/DiagonalTest.php @@ -14,7 +14,7 @@ class DiagonalTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Diagonal + * @var Diagonal */ protected $kernel; diff --git a/tests/Kernels/Distance/EuclideanTest.php b/tests/Kernels/Distance/EuclideanTest.php index 5839b57ce..f383bcb10 100644 --- a/tests/Kernels/Distance/EuclideanTest.php +++ b/tests/Kernels/Distance/EuclideanTest.php @@ -14,7 +14,7 @@ class EuclideanTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Euclidean + * @var Euclidean */ protected $kernel; diff --git a/tests/Kernels/Distance/GowerTest.php b/tests/Kernels/Distance/GowerTest.php index b00bf96fd..788c6fdf7 100644 --- a/tests/Kernels/Distance/GowerTest.php +++ b/tests/Kernels/Distance/GowerTest.php @@ -15,7 +15,7 @@ class GowerTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Gower + * @var Gower */ protected $kernel; diff --git a/tests/Kernels/Distance/HammingTest.php b/tests/Kernels/Distance/HammingTest.php index 14a77e3f2..862887540 100644 --- a/tests/Kernels/Distance/HammingTest.php +++ b/tests/Kernels/Distance/HammingTest.php @@ -14,7 +14,7 @@ class HammingTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Hamming + * @var Hamming */ protected $kernel; diff --git a/tests/Kernels/Distance/JaccardTest.php b/tests/Kernels/Distance/JaccardTest.php index 10991d4a2..2e4d467ff 100644 --- a/tests/Kernels/Distance/JaccardTest.php +++ b/tests/Kernels/Distance/JaccardTest.php @@ -14,7 +14,7 @@ class JaccardTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Jaccard + * @var Jaccard */ protected $kernel; diff --git a/tests/Kernels/Distance/ManhattanTest.php b/tests/Kernels/Distance/ManhattanTest.php index 1490d61e3..a80825879 100644 --- a/tests/Kernels/Distance/ManhattanTest.php +++ b/tests/Kernels/Distance/ManhattanTest.php @@ -14,7 +14,7 @@ class ManhattanTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Manhattan + * @var Manhattan */ protected $kernel; diff --git a/tests/Kernels/Distance/MinkowskiTest.php b/tests/Kernels/Distance/MinkowskiTest.php index 40235dfb9..4ea10e7cf 100644 --- a/tests/Kernels/Distance/MinkowskiTest.php +++ b/tests/Kernels/Distance/MinkowskiTest.php @@ -14,7 +14,7 @@ class MinkowskiTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\Minkowski + * @var Minkowski */ protected $kernel; diff --git a/tests/Kernels/Distance/SafeEuclideanTest.php b/tests/Kernels/Distance/SafeEuclideanTest.php index f9dfa17c8..7faf80a1c 100644 --- a/tests/Kernels/Distance/SafeEuclideanTest.php +++ b/tests/Kernels/Distance/SafeEuclideanTest.php @@ -15,7 +15,7 @@ class SafeEuclideanTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\SafeEuclidean + * @var SafeEuclidean */ protected $kernel; diff --git a/tests/Kernels/Distance/SparseCosineTest.php b/tests/Kernels/Distance/SparseCosineTest.php index a28e2e000..e4dda36b9 100644 --- a/tests/Kernels/Distance/SparseCosineTest.php +++ b/tests/Kernels/Distance/SparseCosineTest.php @@ -14,7 +14,7 @@ class SparseCosineTest extends TestCase { /** - * @var \Rubix\ML\Kernels\Distance\SparseCosine + * @var SparseCosine */ protected $kernel; diff --git a/tests/Kernels/SVM/LinearTest.php b/tests/Kernels/SVM/LinearTest.php index a2431bcfb..4893b07e5 100644 --- a/tests/Kernels/SVM/LinearTest.php +++ b/tests/Kernels/SVM/LinearTest.php @@ -14,7 +14,7 @@ class LinearTest extends TestCase { /** - * @var \Rubix\ML\Kernels\SVM\Linear + * @var Linear */ protected $kernel; diff --git a/tests/Kernels/SVM/PolynomialTest.php b/tests/Kernels/SVM/PolynomialTest.php index d0b95ecbf..b36bb48e7 100644 --- a/tests/Kernels/SVM/PolynomialTest.php +++ b/tests/Kernels/SVM/PolynomialTest.php @@ -14,7 +14,7 @@ class PolynomialTest extends TestCase { /** - * @var \Rubix\ML\Kernels\SVM\Polynomial + * @var Polynomial */ protected $kernel; diff --git a/tests/Kernels/SVM/RBFTest.php b/tests/Kernels/SVM/RBFTest.php index 48a3a4a70..631d05347 100644 --- a/tests/Kernels/SVM/RBFTest.php +++ b/tests/Kernels/SVM/RBFTest.php @@ -14,7 +14,7 @@ class RBFTest extends TestCase { /** - * @var \Rubix\ML\Kernels\SVM\RBF + * @var RBF */ protected $kernel; diff --git a/tests/Kernels/SVM/SigmoidalTest.php b/tests/Kernels/SVM/SigmoidalTest.php index e94da0004..17ed6f56c 100644 --- a/tests/Kernels/SVM/SigmoidalTest.php +++ b/tests/Kernels/SVM/SigmoidalTest.php @@ -14,7 +14,7 @@ class SigmoidalTest extends TestCase { /** - * @var \Rubix\ML\Kernels\SVM\Sigmoidal + * @var Sigmoidal */ protected $kernel; diff --git a/tests/Loggers/ScreenTest.php b/tests/Loggers/ScreenTest.php index 7ceab6b5f..fdc366445 100644 --- a/tests/Loggers/ScreenTest.php +++ b/tests/Loggers/ScreenTest.php @@ -15,7 +15,7 @@ class ScreenTest extends TestCase { /** - * @var \Rubix\ML\Loggers\Screen + * @var Screen */ protected $logger; diff --git a/tests/NeuralNet/ActivationFunctions/ELUTest.php b/tests/NeuralNet/ActivationFunctions/ELUTest.php index 312af799e..a1d9f093e 100644 --- a/tests/NeuralNet/ActivationFunctions/ELUTest.php +++ b/tests/NeuralNet/ActivationFunctions/ELUTest.php @@ -16,7 +16,7 @@ class ELUTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\ELU + * @var ELU */ protected $activationFn; @@ -51,7 +51,7 @@ public function badAlpha() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -93,8 +93,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/GELUTest.php b/tests/NeuralNet/ActivationFunctions/GELUTest.php index f33ea7c1f..2355d0fd9 100644 --- a/tests/NeuralNet/ActivationFunctions/GELUTest.php +++ b/tests/NeuralNet/ActivationFunctions/GELUTest.php @@ -15,7 +15,7 @@ class GELUTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\GELU + * @var GELU */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param array> $expected */ public function compute(Matrix $input, array $expected) : void @@ -80,8 +80,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param array> $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/HyperbolicTangentTest.php b/tests/NeuralNet/ActivationFunctions/HyperbolicTangentTest.php index 063f892ce..c6af6d56a 100644 --- a/tests/NeuralNet/ActivationFunctions/HyperbolicTangentTest.php +++ b/tests/NeuralNet/ActivationFunctions/HyperbolicTangentTest.php @@ -15,7 +15,7 @@ class HyperbolicTangentTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\HyperbolicTangent + * @var HyperbolicTangent */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/LeakyReLUTest.php b/tests/NeuralNet/ActivationFunctions/LeakyReLUTest.php index 219e24360..9a199dff8 100644 --- a/tests/NeuralNet/ActivationFunctions/LeakyReLUTest.php +++ b/tests/NeuralNet/ActivationFunctions/LeakyReLUTest.php @@ -15,7 +15,7 @@ class LeakyReLUTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\LeakyReLU + * @var LeakyReLU */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/ReLUTest.php b/tests/NeuralNet/ActivationFunctions/ReLUTest.php index 1cc37b7ca..44a8b86c9 100644 --- a/tests/NeuralNet/ActivationFunctions/ReLUTest.php +++ b/tests/NeuralNet/ActivationFunctions/ReLUTest.php @@ -15,7 +15,7 @@ class ReLUTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\ReLU + * @var ReLU */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/SELUTest.php b/tests/NeuralNet/ActivationFunctions/SELUTest.php index ce02362f6..149501dbd 100644 --- a/tests/NeuralNet/ActivationFunctions/SELUTest.php +++ b/tests/NeuralNet/ActivationFunctions/SELUTest.php @@ -15,7 +15,7 @@ class SELUTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\SELU + * @var SELU */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/SiLUTest.php b/tests/NeuralNet/ActivationFunctions/SiLUTest.php index b44aa94d2..db30007fd 100644 --- a/tests/NeuralNet/ActivationFunctions/SiLUTest.php +++ b/tests/NeuralNet/ActivationFunctions/SiLUTest.php @@ -15,7 +15,7 @@ class SiLUTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\SiLU + * @var SiLU */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function compute(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/SigmoidTest.php b/tests/NeuralNet/ActivationFunctions/SigmoidTest.php index 3aade125e..a8694ede9 100644 --- a/tests/NeuralNet/ActivationFunctions/SigmoidTest.php +++ b/tests/NeuralNet/ActivationFunctions/SigmoidTest.php @@ -15,7 +15,7 @@ class SigmoidTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Sigmoid + * @var Sigmoid */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/SoftPlusTest.php b/tests/NeuralNet/ActivationFunctions/SoftPlusTest.php index 9cf3e9564..6389248af 100644 --- a/tests/NeuralNet/ActivationFunctions/SoftPlusTest.php +++ b/tests/NeuralNet/ActivationFunctions/SoftPlusTest.php @@ -15,7 +15,7 @@ class SoftPlusTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\SoftPlus + * @var SoftPlus */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/SoftmaxTest.php b/tests/NeuralNet/ActivationFunctions/SoftmaxTest.php index b0165742b..0859efea9 100644 --- a/tests/NeuralNet/ActivationFunctions/SoftmaxTest.php +++ b/tests/NeuralNet/ActivationFunctions/SoftmaxTest.php @@ -15,7 +15,7 @@ class SoftmaxTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Softmax + * @var Softmax */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -86,8 +86,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/SoftsignTest.php b/tests/NeuralNet/ActivationFunctions/SoftsignTest.php index d13f2bcfd..e4f69ea48 100644 --- a/tests/NeuralNet/ActivationFunctions/SoftsignTest.php +++ b/tests/NeuralNet/ActivationFunctions/SoftsignTest.php @@ -15,7 +15,7 @@ class SoftsignTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\Softsign + * @var Softsign */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/ActivationFunctions/ThresholdedReLUTest.php b/tests/NeuralNet/ActivationFunctions/ThresholdedReLUTest.php index 464d1f98c..05dfd7baf 100644 --- a/tests/NeuralNet/ActivationFunctions/ThresholdedReLUTest.php +++ b/tests/NeuralNet/ActivationFunctions/ThresholdedReLUTest.php @@ -15,7 +15,7 @@ class ThresholdedReLUTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\ActivationFunctions\ThresholdedReLU + * @var ThresholdedReLU */ protected $activationFn; @@ -40,7 +40,7 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $input + * @param Matrix $input * @param list> $expected $expected */ public function activate(Matrix $input, array $expected) : void @@ -82,8 +82,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $input - * @param \Tensor\Matrix $activations + * @param Matrix $input + * @param Matrix $activations * @param list> $expected $expected */ public function differentiate(Matrix $input, Matrix $activations, array $expected) : void diff --git a/tests/NeuralNet/CostFunctions/CrossEntropyTest.php b/tests/NeuralNet/CostFunctions/CrossEntropyTest.php index f03341a65..ffc5b630d 100644 --- a/tests/NeuralNet/CostFunctions/CrossEntropyTest.php +++ b/tests/NeuralNet/CostFunctions/CrossEntropyTest.php @@ -15,7 +15,7 @@ class CrossEntropyTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\CostFunctions\CrossEntropy + * @var CrossEntropy */ protected $costFn; @@ -40,8 +40,8 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @param float $expected */ public function compute(Matrix $output, Matrix $target, float $expected) : void @@ -105,8 +105,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @param list> $expected */ public function differentiate(Matrix $output, Matrix $target, array $expected) : void diff --git a/tests/NeuralNet/CostFunctions/HuberLossTest.php b/tests/NeuralNet/CostFunctions/HuberLossTest.php index eeba46db5..104f873eb 100644 --- a/tests/NeuralNet/CostFunctions/HuberLossTest.php +++ b/tests/NeuralNet/CostFunctions/HuberLossTest.php @@ -15,7 +15,7 @@ class HuberLossTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\CostFunctions\HuberLoss + * @var HuberLoss */ protected $costFn; @@ -40,8 +40,8 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @param float $expected */ public function compute(Matrix $output, Matrix $target, float $expected) : void @@ -99,8 +99,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @param list> $expected */ public function differentiate(Matrix $output, Matrix $target, array $expected) : void diff --git a/tests/NeuralNet/CostFunctions/LeastSquaresTest.php b/tests/NeuralNet/CostFunctions/LeastSquaresTest.php index d5ca00d38..3e7a2c3c5 100644 --- a/tests/NeuralNet/CostFunctions/LeastSquaresTest.php +++ b/tests/NeuralNet/CostFunctions/LeastSquaresTest.php @@ -15,7 +15,7 @@ class LeastSquaresTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\CostFunctions\LeastSquares + * @var LeastSquares */ protected $costFn; @@ -40,8 +40,8 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @param float $expected */ public function compute(Matrix $output, Matrix $target, float $expected) : void @@ -99,8 +99,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @param list> $expected */ public function differentiate(Matrix $output, Matrix $target, array $expected) : void diff --git a/tests/NeuralNet/CostFunctions/RelativeEntropyTest.php b/tests/NeuralNet/CostFunctions/RelativeEntropyTest.php index 6318ae97d..a010ea2ae 100644 --- a/tests/NeuralNet/CostFunctions/RelativeEntropyTest.php +++ b/tests/NeuralNet/CostFunctions/RelativeEntropyTest.php @@ -15,7 +15,7 @@ class RelativeEntropyTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\CostFunctions\RelativeEntropy + * @var RelativeEntropy */ protected $costFn; @@ -40,8 +40,8 @@ public function build() : void * @test * @dataProvider computeProvider * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @param float $expected */ public function compute(Matrix $output, Matrix $target, float $expected) : void @@ -105,8 +105,8 @@ public function computeProvider() : Generator * @test * @dataProvider differentiateProvider * - * @param \Tensor\Matrix $output - * @param \Tensor\Matrix $target + * @param Matrix $output + * @param Matrix $target * @param list> $expected */ public function differentiate(Matrix $output, Matrix $target, array $expected) : void diff --git a/tests/NeuralNet/FeedForwardTest.php b/tests/NeuralNet/FeedForwardTest.php index 68a85bf49..6fd14f813 100644 --- a/tests/NeuralNet/FeedForwardTest.php +++ b/tests/NeuralNet/FeedForwardTest.php @@ -22,12 +22,12 @@ class FeedForwardTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Labeled + * @var Labeled */ protected $dataset; /** - * @var \Rubix\ML\NeuralNet\FeedForward + * @var FeedForward */ protected $network; @@ -42,7 +42,7 @@ class FeedForwardTest extends TestCase protected $hidden; /** - * @var \Rubix\ML\NeuralNet\Layers\Output + * @var Output */ protected $output; diff --git a/tests/NeuralNet/Initializers/ConstantTest.php b/tests/NeuralNet/Initializers/ConstantTest.php index b6af4c97f..31082f7a1 100644 --- a/tests/NeuralNet/Initializers/ConstantTest.php +++ b/tests/NeuralNet/Initializers/ConstantTest.php @@ -14,7 +14,7 @@ class ConstantTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Initializers\Constant + * @var Constant */ protected $initializer; diff --git a/tests/NeuralNet/Initializers/HeTest.php b/tests/NeuralNet/Initializers/HeTest.php index aa5fd4b9d..ffbd3a06b 100644 --- a/tests/NeuralNet/Initializers/HeTest.php +++ b/tests/NeuralNet/Initializers/HeTest.php @@ -14,7 +14,7 @@ class HeTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Initializers\He + * @var He */ protected $initializer; diff --git a/tests/NeuralNet/Initializers/LeCunTest.php b/tests/NeuralNet/Initializers/LeCunTest.php index 4fe850847..5a7b50ab5 100644 --- a/tests/NeuralNet/Initializers/LeCunTest.php +++ b/tests/NeuralNet/Initializers/LeCunTest.php @@ -14,7 +14,7 @@ class LeCunTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Initializers\LeCun + * @var LeCun */ protected $initializer; diff --git a/tests/NeuralNet/Initializers/NormalTest.php b/tests/NeuralNet/Initializers/NormalTest.php index 2e8686745..60f20237c 100644 --- a/tests/NeuralNet/Initializers/NormalTest.php +++ b/tests/NeuralNet/Initializers/NormalTest.php @@ -14,7 +14,7 @@ class NormalTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Initializers\Normal + * @var Normal */ protected $initializer; diff --git a/tests/NeuralNet/Initializers/UniformTest.php b/tests/NeuralNet/Initializers/UniformTest.php index ccd72f183..f28ce1a58 100644 --- a/tests/NeuralNet/Initializers/UniformTest.php +++ b/tests/NeuralNet/Initializers/UniformTest.php @@ -14,7 +14,7 @@ class UniformTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Initializers\Uniform + * @var Uniform */ protected $initializer; diff --git a/tests/NeuralNet/Initializers/Xavier1Test.php b/tests/NeuralNet/Initializers/Xavier1Test.php index 5a2f820d1..c4e81f4ac 100644 --- a/tests/NeuralNet/Initializers/Xavier1Test.php +++ b/tests/NeuralNet/Initializers/Xavier1Test.php @@ -14,7 +14,7 @@ class Xavier1Test extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Initializers\Xavier1 + * @var Xavier1 */ protected $initializer; diff --git a/tests/NeuralNet/Initializers/Xavier2Test.php b/tests/NeuralNet/Initializers/Xavier2Test.php index fc486534c..d9744f1fb 100644 --- a/tests/NeuralNet/Initializers/Xavier2Test.php +++ b/tests/NeuralNet/Initializers/Xavier2Test.php @@ -14,7 +14,7 @@ class Xavier2Test extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Initializers\Xavier2 + * @var Xavier2 */ protected $initializer; diff --git a/tests/NeuralNet/Layers/ActivationTest.php b/tests/NeuralNet/Layers/ActivationTest.php index a089e128d..2faaf3a28 100644 --- a/tests/NeuralNet/Layers/ActivationTest.php +++ b/tests/NeuralNet/Layers/ActivationTest.php @@ -23,12 +23,12 @@ class ActivationTest extends TestCase protected $fanIn; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; /** - * @var \Rubix\ML\Deferred + * @var Deferred */ protected $prevGrad; @@ -38,7 +38,7 @@ class ActivationTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\Activation + * @var Activation */ protected $layer; diff --git a/tests/NeuralNet/Layers/BatchNormTest.php b/tests/NeuralNet/Layers/BatchNormTest.php index 49fc64d72..211b0bdd6 100644 --- a/tests/NeuralNet/Layers/BatchNormTest.php +++ b/tests/NeuralNet/Layers/BatchNormTest.php @@ -24,12 +24,12 @@ class BatchNormTest extends TestCase protected $fanIn; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; /** - * @var \Rubix\ML\Deferred + * @var Deferred */ protected $prevGrad; @@ -39,7 +39,7 @@ class BatchNormTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\BatchNorm + * @var BatchNorm */ protected $layer; diff --git a/tests/NeuralNet/Layers/BinaryTest.php b/tests/NeuralNet/Layers/BinaryTest.php index ec3b89ba4..37b8c2591 100644 --- a/tests/NeuralNet/Layers/BinaryTest.php +++ b/tests/NeuralNet/Layers/BinaryTest.php @@ -20,7 +20,7 @@ class BinaryTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; @@ -35,7 +35,7 @@ class BinaryTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\Binary + * @var Binary */ protected $layer; diff --git a/tests/NeuralNet/Layers/ContinuousTest.php b/tests/NeuralNet/Layers/ContinuousTest.php index f992e0137..8c69984ba 100644 --- a/tests/NeuralNet/Layers/ContinuousTest.php +++ b/tests/NeuralNet/Layers/ContinuousTest.php @@ -20,7 +20,7 @@ class ContinuousTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; @@ -35,7 +35,7 @@ class ContinuousTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\Continuous + * @var Continuous */ protected $layer; diff --git a/tests/NeuralNet/Layers/DenseTest.php b/tests/NeuralNet/Layers/DenseTest.php index 0f67277c3..58f97081c 100644 --- a/tests/NeuralNet/Layers/DenseTest.php +++ b/tests/NeuralNet/Layers/DenseTest.php @@ -27,12 +27,12 @@ class DenseTest extends TestCase protected $fanIn; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; /** - * @var \Rubix\ML\Deferred + * @var Deferred */ protected $prevGrad; @@ -42,7 +42,7 @@ class DenseTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\Dense + * @var Dense */ protected $layer; diff --git a/tests/NeuralNet/Layers/DropoutTest.php b/tests/NeuralNet/Layers/DropoutTest.php index 26175ddcd..3f5de12a5 100644 --- a/tests/NeuralNet/Layers/DropoutTest.php +++ b/tests/NeuralNet/Layers/DropoutTest.php @@ -24,12 +24,12 @@ class DropoutTest extends TestCase protected $fanIn; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; /** - * @var \Rubix\ML\Deferred + * @var Deferred */ protected $prevGrad; @@ -39,7 +39,7 @@ class DropoutTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\Dropout + * @var Dropout */ protected $layer; diff --git a/tests/NeuralNet/Layers/MulticlassTest.php b/tests/NeuralNet/Layers/MulticlassTest.php index 44c624c0d..dd6fc162d 100644 --- a/tests/NeuralNet/Layers/MulticlassTest.php +++ b/tests/NeuralNet/Layers/MulticlassTest.php @@ -20,7 +20,7 @@ class MulticlassTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; @@ -35,7 +35,7 @@ class MulticlassTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\Multiclass + * @var Multiclass */ protected $layer; diff --git a/tests/NeuralNet/Layers/NoiseTest.php b/tests/NeuralNet/Layers/NoiseTest.php index cee64785e..fb1a9af5e 100644 --- a/tests/NeuralNet/Layers/NoiseTest.php +++ b/tests/NeuralNet/Layers/NoiseTest.php @@ -24,12 +24,12 @@ class NoiseTest extends TestCase protected $fanIn; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; /** - * @var \Rubix\ML\Deferred + * @var Deferred */ protected $prevGrad; @@ -39,7 +39,7 @@ class NoiseTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\Noise + * @var Noise */ protected $layer; diff --git a/tests/NeuralNet/Layers/PReLUTest.php b/tests/NeuralNet/Layers/PReLUTest.php index 5cb6ec827..c2f7e41ee 100644 --- a/tests/NeuralNet/Layers/PReLUTest.php +++ b/tests/NeuralNet/Layers/PReLUTest.php @@ -26,12 +26,12 @@ class PReLUTest extends TestCase protected $fanIn; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; /** - * @var \Rubix\ML\Deferred + * @var Deferred */ protected $prevGrad; @@ -41,7 +41,7 @@ class PReLUTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\PReLU + * @var PReLU */ protected $layer; diff --git a/tests/NeuralNet/Layers/Placeholder1DTest.php b/tests/NeuralNet/Layers/Placeholder1DTest.php index 36782acc9..71591bf5b 100644 --- a/tests/NeuralNet/Layers/Placeholder1DTest.php +++ b/tests/NeuralNet/Layers/Placeholder1DTest.php @@ -15,12 +15,12 @@ class Placeholder1DTest extends TestCase { /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; /** - * @var \Rubix\ML\NeuralNet\Layers\Placeholder1D + * @var Placeholder1D */ protected $layer; diff --git a/tests/NeuralNet/Layers/SwishTest.php b/tests/NeuralNet/Layers/SwishTest.php index b2921811c..f2e21c1e8 100644 --- a/tests/NeuralNet/Layers/SwishTest.php +++ b/tests/NeuralNet/Layers/SwishTest.php @@ -26,12 +26,12 @@ class SwishTest extends TestCase protected $fanIn; /** - * @var \Tensor\Matrix + * @var Matrix */ protected $input; /** - * @var \Rubix\ML\Deferred + * @var Deferred */ protected $prevGrad; @@ -41,7 +41,7 @@ class SwishTest extends TestCase protected $optimizer; /** - * @var \Rubix\ML\NeuralNet\Layers\Swish + * @var Swish */ protected $layer; diff --git a/tests/NeuralNet/Optimizers/AdaGradTest.php b/tests/NeuralNet/Optimizers/AdaGradTest.php index 528d9620a..dadfb54fa 100644 --- a/tests/NeuralNet/Optimizers/AdaGradTest.php +++ b/tests/NeuralNet/Optimizers/AdaGradTest.php @@ -18,7 +18,7 @@ class AdaGradTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Optimizers\AdaGrad + * @var AdaGrad */ protected $optimizer; @@ -44,7 +44,7 @@ public function build() : void * @test * @dataProvider stepProvider * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @param list> $expected */ diff --git a/tests/NeuralNet/Optimizers/AdaMaxTest.php b/tests/NeuralNet/Optimizers/AdaMaxTest.php index f1fe569cd..15d7992ea 100644 --- a/tests/NeuralNet/Optimizers/AdaMaxTest.php +++ b/tests/NeuralNet/Optimizers/AdaMaxTest.php @@ -18,7 +18,7 @@ class AdaMaxTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Optimizers\AdaMax + * @var AdaMax */ protected $optimizer; @@ -44,7 +44,7 @@ public function build() : void * @test * @dataProvider stepProvider * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @param list> $expected */ diff --git a/tests/NeuralNet/Optimizers/AdamTest.php b/tests/NeuralNet/Optimizers/AdamTest.php index 710557867..3b760ca7f 100644 --- a/tests/NeuralNet/Optimizers/AdamTest.php +++ b/tests/NeuralNet/Optimizers/AdamTest.php @@ -18,7 +18,7 @@ class AdamTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Optimizers\Adam + * @var Adam */ protected $optimizer; @@ -44,7 +44,7 @@ public function build() : void * @test * @dataProvider stepProvider * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @param list> $expected */ diff --git a/tests/NeuralNet/Optimizers/CyclicalTest.php b/tests/NeuralNet/Optimizers/CyclicalTest.php index 3ae65cbb5..5d36b6765 100644 --- a/tests/NeuralNet/Optimizers/CyclicalTest.php +++ b/tests/NeuralNet/Optimizers/CyclicalTest.php @@ -17,7 +17,7 @@ class CyclicalTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Optimizers\Cyclical + * @var Cyclical */ protected $optimizer; @@ -42,7 +42,7 @@ public function build() : void * @test * @dataProvider stepProvider * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @param list> $expected */ diff --git a/tests/NeuralNet/Optimizers/MomentumTest.php b/tests/NeuralNet/Optimizers/MomentumTest.php index e1cfe1b3d..8380c7267 100644 --- a/tests/NeuralNet/Optimizers/MomentumTest.php +++ b/tests/NeuralNet/Optimizers/MomentumTest.php @@ -18,7 +18,7 @@ class MomentumTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Optimizers\Momentum + * @var Momentum */ protected $optimizer; @@ -44,7 +44,7 @@ public function build() : void * @test * @dataProvider stepProvider * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @param list> $expected */ diff --git a/tests/NeuralNet/Optimizers/RMSPropTest.php b/tests/NeuralNet/Optimizers/RMSPropTest.php index 5548319b5..2458a7585 100644 --- a/tests/NeuralNet/Optimizers/RMSPropTest.php +++ b/tests/NeuralNet/Optimizers/RMSPropTest.php @@ -18,7 +18,7 @@ class RMSPropTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Optimizers\RMSProp + * @var RMSProp */ protected $optimizer; @@ -44,7 +44,7 @@ public function build() : void * @test * @dataProvider stepProvider * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @param list> $expected */ diff --git a/tests/NeuralNet/Optimizers/StepDecayTest.php b/tests/NeuralNet/Optimizers/StepDecayTest.php index 8450c8fd5..f8afd101a 100644 --- a/tests/NeuralNet/Optimizers/StepDecayTest.php +++ b/tests/NeuralNet/Optimizers/StepDecayTest.php @@ -17,7 +17,7 @@ class StepDecayTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Optimizers\StepDecay + * @var StepDecay */ protected $optimizer; @@ -42,7 +42,7 @@ public function build() : void * @test * @dataProvider stepProvider * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @param list> $expected */ diff --git a/tests/NeuralNet/Optimizers/StochasticTest.php b/tests/NeuralNet/Optimizers/StochasticTest.php index 7411f713e..96ddd0e98 100644 --- a/tests/NeuralNet/Optimizers/StochasticTest.php +++ b/tests/NeuralNet/Optimizers/StochasticTest.php @@ -17,7 +17,7 @@ class StochasticTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Optimizers\Stochastic + * @var Stochastic */ protected $optimizer; @@ -42,7 +42,7 @@ public function build() : void * @test * @dataProvider stepProvider * - * @param \Rubix\ML\NeuralNet\Parameter $param + * @param Parameter $param * @param \Tensor\Tensor $gradient * @param list> $expected */ diff --git a/tests/NeuralNet/ParameterTest.php b/tests/NeuralNet/ParameterTest.php index b09e33a7a..80fc03603 100644 --- a/tests/NeuralNet/ParameterTest.php +++ b/tests/NeuralNet/ParameterTest.php @@ -14,7 +14,7 @@ class ParameterTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Parameter + * @var Parameter */ protected \Rubix\ML\NeuralNet\Parameter $param; diff --git a/tests/NeuralNet/SnapshotTest.php b/tests/NeuralNet/SnapshotTest.php index ed1f3f340..94a38ad26 100644 --- a/tests/NeuralNet/SnapshotTest.php +++ b/tests/NeuralNet/SnapshotTest.php @@ -20,7 +20,7 @@ class SnapshotTest extends TestCase { /** - * @var \Rubix\ML\NeuralNet\Snapshot + * @var Snapshot */ protected $snapshot; diff --git a/tests/PersistentModelTest.php b/tests/PersistentModelTest.php index ee56e83cf..1741d148d 100644 --- a/tests/PersistentModelTest.php +++ b/tests/PersistentModelTest.php @@ -21,7 +21,7 @@ class PersistentModelTest extends TestCase { /** - * @var \Rubix\ML\PersistentModel + * @var PersistentModel */ protected $estimator; diff --git a/tests/Persisters/FilesystemTest.php b/tests/Persisters/FilesystemTest.php index 81b0daf13..0f9cfed15 100644 --- a/tests/Persisters/FilesystemTest.php +++ b/tests/Persisters/FilesystemTest.php @@ -16,7 +16,7 @@ class FilesystemTest extends TestCase protected const PATH = __DIR__ . '/test.model'; /** - * @var \Rubix\ML\Persisters\Filesystem + * @var Filesystem */ protected $persister; diff --git a/tests/PipelineTest.php b/tests/PipelineTest.php index e5d1edf9d..a8fa5ebc3 100644 --- a/tests/PipelineTest.php +++ b/tests/PipelineTest.php @@ -35,17 +35,17 @@ class PipelineTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Pipeline + * @var Pipeline */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\Accuracy + * @var Accuracy */ protected $metric; diff --git a/tests/Regressors/AdalineTest.php b/tests/Regressors/AdalineTest.php index d554e432d..1b327bc9e 100644 --- a/tests/Regressors/AdalineTest.php +++ b/tests/Regressors/AdalineTest.php @@ -57,17 +57,17 @@ class AdalineTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Hyperplane + * @var Hyperplane */ protected $generator; /** - * @var \Rubix\ML\Regressors\Adaline + * @var Adaline */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/ExtraTreeRegressorTest.php b/tests/Regressors/ExtraTreeRegressorTest.php index 4277b74de..d9d88a178 100644 --- a/tests/Regressors/ExtraTreeRegressorTest.php +++ b/tests/Regressors/ExtraTreeRegressorTest.php @@ -52,17 +52,17 @@ class ExtraTreeRegressorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Hyperplane + * @var Hyperplane */ protected $generator; /** - * @var \Rubix\ML\Regressors\ExtraTreeRegressor + * @var ExtraTreeRegressor */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/GradientBoostTest.php b/tests/Regressors/GradientBoostTest.php index 62ea1c5e7..9901413ff 100644 --- a/tests/Regressors/GradientBoostTest.php +++ b/tests/Regressors/GradientBoostTest.php @@ -56,17 +56,17 @@ class GradientBoostTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\SwissRoll + * @var SwissRoll */ protected $generator; /** - * @var \Rubix\ML\Regressors\GradientBoost + * @var GradientBoost */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/KDNeighborsRegressorTest.php b/tests/Regressors/KDNeighborsRegressorTest.php index dd00de766..21f3e7923 100644 --- a/tests/Regressors/KDNeighborsRegressorTest.php +++ b/tests/Regressors/KDNeighborsRegressorTest.php @@ -52,17 +52,17 @@ class KDNeighborsRegressorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\HalfMoon + * @var HalfMoon */ protected $generator; /** - * @var \Rubix\ML\Regressors\KDNeighborsRegressor + * @var KDNeighborsRegressor */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/KNNRegressorTest.php b/tests/Regressors/KNNRegressorTest.php index 9fd1cd461..7cfaddb11 100644 --- a/tests/Regressors/KNNRegressorTest.php +++ b/tests/Regressors/KNNRegressorTest.php @@ -53,17 +53,17 @@ class KNNRegressorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\HalfMoon + * @var HalfMoon */ protected $generator; /** - * @var \Rubix\ML\Regressors\KNNRegressor + * @var KNNRegressor */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/MLPRegressorTest.php b/tests/Regressors/MLPRegressorTest.php index 3cda06b88..d85d9b295 100644 --- a/tests/Regressors/MLPRegressorTest.php +++ b/tests/Regressors/MLPRegressorTest.php @@ -64,17 +64,17 @@ class MLPRegressorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\SwissRoll + * @var SwissRoll */ protected $generator; /** - * @var \Rubix\ML\Regressors\MLPRegressor + * @var MLPRegressor */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/RadiusNeighborsRegressorTest.php b/tests/Regressors/RadiusNeighborsRegressorTest.php index 649e0d44e..fe233b14b 100644 --- a/tests/Regressors/RadiusNeighborsRegressorTest.php +++ b/tests/Regressors/RadiusNeighborsRegressorTest.php @@ -52,17 +52,17 @@ class RadiusNeighborsRegressorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\HalfMoon + * @var HalfMoon */ protected $generator; /** - * @var \Rubix\ML\Regressors\RadiusNeighborsRegressor + * @var RadiusNeighborsRegressor */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/RegressionTreeTest.php b/tests/Regressors/RegressionTreeTest.php index fe52beef5..0ea454551 100644 --- a/tests/Regressors/RegressionTreeTest.php +++ b/tests/Regressors/RegressionTreeTest.php @@ -55,17 +55,17 @@ class RegressionTreeTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Hyperplane + * @var Hyperplane */ protected $generator; /** - * @var \Rubix\ML\Regressors\RegressionTree + * @var RegressionTree */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/RidgeTest.php b/tests/Regressors/RidgeTest.php index 0cad7e404..48daccff5 100644 --- a/tests/Regressors/RidgeTest.php +++ b/tests/Regressors/RidgeTest.php @@ -52,17 +52,17 @@ class RidgeTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Hyperplane + * @var Hyperplane */ protected $generator; /** - * @var \Rubix\ML\Regressors\Ridge + * @var Ridge */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/Regressors/SVRTest.php b/tests/Regressors/SVRTest.php index 4ccd8de4d..2710d0b61 100644 --- a/tests/Regressors/SVRTest.php +++ b/tests/Regressors/SVRTest.php @@ -53,17 +53,17 @@ class SVRTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Hyperplane + * @var Hyperplane */ protected $generator; /** - * @var \Rubix\ML\Regressors\SVR + * @var SVR */ protected $estimator; /** - * @var \Rubix\ML\CrossValidation\Metrics\RSquared + * @var RSquared */ protected $metric; diff --git a/tests/ReportTest.php b/tests/ReportTest.php index 9aa68c66f..bb67d79a2 100644 --- a/tests/ReportTest.php +++ b/tests/ReportTest.php @@ -17,7 +17,7 @@ class ReportTest extends TestCase { /** - * @var \Rubix\ML\Report + * @var Report */ protected $results; diff --git a/tests/Serializers/GzipNativeTest.php b/tests/Serializers/GzipNativeTest.php index ff98f547a..01d494a38 100644 --- a/tests/Serializers/GzipNativeTest.php +++ b/tests/Serializers/GzipNativeTest.php @@ -16,12 +16,12 @@ class GzipNativeTest extends TestCase { /** - * @var \Rubix\ML\Persistable + * @var Persistable */ protected $persistable; /** - * @var \Rubix\ML\Serializers\GzipNative + * @var GzipNative */ protected $serializer; diff --git a/tests/Serializers/NativeTest.php b/tests/Serializers/NativeTest.php index 34572b1ea..c49e498bb 100644 --- a/tests/Serializers/NativeTest.php +++ b/tests/Serializers/NativeTest.php @@ -20,12 +20,12 @@ class NativeTest extends TestCase { /** - * @var \Rubix\ML\Persistable + * @var Persistable */ protected $persistable; /** - * @var \Rubix\ML\Serializers\Native + * @var Native */ protected $serializer; diff --git a/tests/Serializers/RBXTest.php b/tests/Serializers/RBXTest.php index 5d0df5a9b..b45b999d4 100644 --- a/tests/Serializers/RBXTest.php +++ b/tests/Serializers/RBXTest.php @@ -20,12 +20,12 @@ class RBXTest extends TestCase { /** - * @var \Rubix\ML\Persistable + * @var Persistable */ protected $persistable; /** - * @var \Rubix\ML\Serializers\RBX + * @var RBX */ protected $serializer; diff --git a/tests/Specifications/DatasetHasDimensionalityTest.php b/tests/Specifications/DatasetHasDimensionalityTest.php index b6af4238d..8fce16464 100644 --- a/tests/Specifications/DatasetHasDimensionalityTest.php +++ b/tests/Specifications/DatasetHasDimensionalityTest.php @@ -17,7 +17,7 @@ class DatasetHasDimensionalityTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\DatasetHasDimensionality $specification + * @param DatasetHasDimensionality $specification * @param bool $expected * @param DatasetHasDimensionality $specification */ diff --git a/tests/Specifications/DatasetIsLabeledTest.php b/tests/Specifications/DatasetIsLabeledTest.php index 626a92f86..77908558a 100644 --- a/tests/Specifications/DatasetIsLabeledTest.php +++ b/tests/Specifications/DatasetIsLabeledTest.php @@ -18,7 +18,7 @@ class DatasetIsLabeledTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\DatasetIsLabeled $specification + * @param DatasetIsLabeled $specification * @param bool $expected */ public function passes(DatasetIsLabeled $specification, bool $expected) : void diff --git a/tests/Specifications/DatasetIsNotEmptyTest.php b/tests/Specifications/DatasetIsNotEmptyTest.php index 392c2fa99..99057da69 100644 --- a/tests/Specifications/DatasetIsNotEmptyTest.php +++ b/tests/Specifications/DatasetIsNotEmptyTest.php @@ -17,7 +17,7 @@ class DatasetIsNotEmptyTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\DatasetIsNotEmpty $specification + * @param DatasetIsNotEmpty $specification * @param bool $expected */ public function passes(DatasetIsNotEmpty $specification, bool $expected) : void diff --git a/tests/Specifications/EstimatorIsCompatibleWithMetricTest.php b/tests/Specifications/EstimatorIsCompatibleWithMetricTest.php index b8062f54c..f3ffcbf6b 100644 --- a/tests/Specifications/EstimatorIsCompatibleWithMetricTest.php +++ b/tests/Specifications/EstimatorIsCompatibleWithMetricTest.php @@ -22,7 +22,7 @@ class EstimatorIsCompatibleWithMetricTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\EstimatorIsCompatibleWithMetric $specification + * @param EstimatorIsCompatibleWithMetric $specification * @param bool $expected */ public function passes(EstimatorIsCompatibleWithMetric $specification, bool $expected) : void diff --git a/tests/Specifications/ExtensionIsLoadedTest.php b/tests/Specifications/ExtensionIsLoadedTest.php index 14dd326fd..2fb2c0ca2 100644 --- a/tests/Specifications/ExtensionIsLoadedTest.php +++ b/tests/Specifications/ExtensionIsLoadedTest.php @@ -17,7 +17,7 @@ class ExtensionIsLoadedTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\ExtensionIsLoaded $specification + * @param ExtensionIsLoaded $specification * @param bool $expected */ public function passes(ExtensionIsLoaded $specification, bool $expected) : void diff --git a/tests/Specifications/ExtensionMinimumVersionTest.php b/tests/Specifications/ExtensionMinimumVersionTest.php index 530bd3b39..84a4c0692 100644 --- a/tests/Specifications/ExtensionMinimumVersionTest.php +++ b/tests/Specifications/ExtensionMinimumVersionTest.php @@ -17,7 +17,7 @@ class ExtensionMinimumVersionTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\ExtensionMinimumVersion $specification + * @param ExtensionMinimumVersion $specification * @param bool $expected */ public function passes(ExtensionMinimumVersion $specification, bool $expected) : void diff --git a/tests/Specifications/LabelsAreCompatibleWithLearnerTest.php b/tests/Specifications/LabelsAreCompatibleWithLearnerTest.php index 091943674..85053d195 100644 --- a/tests/Specifications/LabelsAreCompatibleWithLearnerTest.php +++ b/tests/Specifications/LabelsAreCompatibleWithLearnerTest.php @@ -19,7 +19,7 @@ class LabelsAreCompatibleWithLearnerTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\LabelsAreCompatibleWithLearner $specification + * @param LabelsAreCompatibleWithLearner $specification * @param bool $expected */ public function passes(LabelsAreCompatibleWithLearner $specification, bool $expected) : void diff --git a/tests/Specifications/SamplesAreCompatibleWithDistanceTest.php b/tests/Specifications/SamplesAreCompatibleWithDistanceTest.php index 84deaeab6..52e279f0d 100644 --- a/tests/Specifications/SamplesAreCompatibleWithDistanceTest.php +++ b/tests/Specifications/SamplesAreCompatibleWithDistanceTest.php @@ -19,7 +19,7 @@ class SamplesAreCompatibleWithDistanceTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\SamplesAreCompatibleWithDistance $specification + * @param SamplesAreCompatibleWithDistance $specification * @param bool $expected */ public function passes(SamplesAreCompatibleWithDistance $specification, bool $expected) : void diff --git a/tests/Specifications/SamplesAreCompatibleWithEstimatorTest.php b/tests/Specifications/SamplesAreCompatibleWithEstimatorTest.php index c6e954be1..5d1aff3af 100644 --- a/tests/Specifications/SamplesAreCompatibleWithEstimatorTest.php +++ b/tests/Specifications/SamplesAreCompatibleWithEstimatorTest.php @@ -20,7 +20,7 @@ class SamplesAreCompatibleWithEstimatorTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\SamplesAreCompatibleWithEstimator $specification + * @param SamplesAreCompatibleWithEstimator $specification * @param bool $expected */ public function passes(SamplesAreCompatibleWithEstimator $specification, bool $expected) : void diff --git a/tests/Specifications/SamplesAreCompatibleWithTransformerTest.php b/tests/Specifications/SamplesAreCompatibleWithTransformerTest.php index ff76d81a2..9b65c0b48 100644 --- a/tests/Specifications/SamplesAreCompatibleWithTransformerTest.php +++ b/tests/Specifications/SamplesAreCompatibleWithTransformerTest.php @@ -20,7 +20,7 @@ class SamplesAreCompatibleWithTransformerTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\SamplesAreCompatibleWithTransformer $specification + * @param SamplesAreCompatibleWithTransformer $specification * @param bool $expected */ public function passes(SamplesAreCompatibleWithTransformer $specification, bool $expected) : void diff --git a/tests/Specifications/SpecificationChainTest.php b/tests/Specifications/SpecificationChainTest.php index 8a99b294e..9365f0dc9 100644 --- a/tests/Specifications/SpecificationChainTest.php +++ b/tests/Specifications/SpecificationChainTest.php @@ -19,7 +19,7 @@ class SpecificationChainTest extends TestCase * @test * @dataProvider passesProvider * - * @param \Rubix\ML\Specifications\SpecificationChain $specification + * @param SpecificationChain $specification * @param bool $expected */ public function passes(SpecificationChain $specification, bool $expected) : void diff --git a/tests/Strategies/ConstantTest.php b/tests/Strategies/ConstantTest.php index 1f4051d07..7c870fcdf 100644 --- a/tests/Strategies/ConstantTest.php +++ b/tests/Strategies/ConstantTest.php @@ -14,7 +14,7 @@ class ConstantTest extends TestCase { /** - * @var \Rubix\ML\Strategies\Constant + * @var Constant */ protected $strategy; diff --git a/tests/Strategies/KMostFrequentTest.php b/tests/Strategies/KMostFrequentTest.php index 5384336bd..c4ea7891f 100644 --- a/tests/Strategies/KMostFrequentTest.php +++ b/tests/Strategies/KMostFrequentTest.php @@ -14,7 +14,7 @@ class KMostFrequentTest extends TestCase { /** - * @var \Rubix\ML\Strategies\KMostFrequent + * @var KMostFrequent */ protected $strategy; diff --git a/tests/Strategies/MeanTest.php b/tests/Strategies/MeanTest.php index 165fe7254..acfb082a8 100644 --- a/tests/Strategies/MeanTest.php +++ b/tests/Strategies/MeanTest.php @@ -14,7 +14,7 @@ class MeanTest extends TestCase { /** - * @var \Rubix\ML\Strategies\Mean + * @var Mean */ protected $strategy; diff --git a/tests/Strategies/PercentileTest.php b/tests/Strategies/PercentileTest.php index beca95fd8..d9620a943 100644 --- a/tests/Strategies/PercentileTest.php +++ b/tests/Strategies/PercentileTest.php @@ -13,7 +13,7 @@ class PercentileTest extends TestCase { /** - * @var \Rubix\ML\Strategies\Percentile + * @var Percentile */ protected $strategy; diff --git a/tests/Strategies/PriorTest.php b/tests/Strategies/PriorTest.php index d3d1c0d8d..b2317d049 100644 --- a/tests/Strategies/PriorTest.php +++ b/tests/Strategies/PriorTest.php @@ -14,7 +14,7 @@ class PriorTest extends TestCase { /** - * @var \Rubix\ML\Strategies\Prior + * @var Prior */ protected $strategy; diff --git a/tests/Strategies/WildGuessTest.php b/tests/Strategies/WildGuessTest.php index a466d1f8d..b39677535 100644 --- a/tests/Strategies/WildGuessTest.php +++ b/tests/Strategies/WildGuessTest.php @@ -14,7 +14,7 @@ class WildGuessTest extends TestCase { /** - * @var \Rubix\ML\Strategies\WildGuess + * @var WildGuess */ protected $strategy; diff --git a/tests/Tokenizers/KSkipNGramTest.php b/tests/Tokenizers/KSkipNGramTest.php index c3a1a8510..f05723865 100644 --- a/tests/Tokenizers/KSkipNGramTest.php +++ b/tests/Tokenizers/KSkipNGramTest.php @@ -14,7 +14,7 @@ class KSkipNGramTest extends TestCase { /** - * @var \Rubix\ML\Tokenizers\KSkipNGram + * @var KSkipNGram */ protected $tokenizer; diff --git a/tests/Tokenizers/NGramTest.php b/tests/Tokenizers/NGramTest.php index a03a42b6e..b7915f35a 100644 --- a/tests/Tokenizers/NGramTest.php +++ b/tests/Tokenizers/NGramTest.php @@ -14,7 +14,7 @@ class NGramTest extends TestCase { /** - * @var \Rubix\ML\Tokenizers\NGram + * @var NGram */ protected $tokenizer; diff --git a/tests/Tokenizers/SentenceTest.php b/tests/Tokenizers/SentenceTest.php index 28d753570..1d4166dd3 100644 --- a/tests/Tokenizers/SentenceTest.php +++ b/tests/Tokenizers/SentenceTest.php @@ -14,7 +14,7 @@ class SentenceTest extends TestCase { /** - * @var \Rubix\ML\Tokenizers\Sentence + * @var Sentence */ protected $tokenizer; diff --git a/tests/Tokenizers/WhitespaceTest.php b/tests/Tokenizers/WhitespaceTest.php index 837edff67..57fa251be 100644 --- a/tests/Tokenizers/WhitespaceTest.php +++ b/tests/Tokenizers/WhitespaceTest.php @@ -14,7 +14,7 @@ class WhitespaceTest extends TestCase { /** - * @var \Rubix\ML\Tokenizers\Whitespace + * @var Whitespace */ protected $tokenizer; diff --git a/tests/Tokenizers/WordStemmerTest.php b/tests/Tokenizers/WordStemmerTest.php index 916557bfc..5e5fdebb8 100644 --- a/tests/Tokenizers/WordStemmerTest.php +++ b/tests/Tokenizers/WordStemmerTest.php @@ -15,7 +15,7 @@ class WordStemmerTest extends TestCase { /** - * @var \Rubix\ML\Tokenizers\WordStemmer + * @var WordStemmer */ protected $tokenizer; diff --git a/tests/Tokenizers/WordTest.php b/tests/Tokenizers/WordTest.php index 87154e4a5..4ea2f7677 100644 --- a/tests/Tokenizers/WordTest.php +++ b/tests/Tokenizers/WordTest.php @@ -14,7 +14,7 @@ class WordTest extends TestCase { /** - * @var \Rubix\ML\Tokenizers\Word + * @var Word */ protected $tokenizer; diff --git a/tests/Transformers/BM25TransformerTest.php b/tests/Transformers/BM25TransformerTest.php index 7e379e405..e13df13f3 100644 --- a/tests/Transformers/BM25TransformerTest.php +++ b/tests/Transformers/BM25TransformerTest.php @@ -16,7 +16,7 @@ class BM25TransformerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\BM25Transformer + * @var BM25Transformer */ protected $transformer; diff --git a/tests/Transformers/BooleanConverterTest.php b/tests/Transformers/BooleanConverterTest.php index db623f224..e9ef41c58 100644 --- a/tests/Transformers/BooleanConverterTest.php +++ b/tests/Transformers/BooleanConverterTest.php @@ -14,7 +14,7 @@ class BooleanConverterTest extends TestCase { /** - * @var \Rubix\ML\Transformers\BooleanConverter + * @var BooleanConverter */ protected $transformer; diff --git a/tests/Transformers/GaussianRandomProjectorTest.php b/tests/Transformers/GaussianRandomProjectorTest.php index 7a7d9502e..b1ffce116 100644 --- a/tests/Transformers/GaussianRandomProjectorTest.php +++ b/tests/Transformers/GaussianRandomProjectorTest.php @@ -24,12 +24,12 @@ class GaussianRandomProjectorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\GaussianRandomProjector + * @var GaussianRandomProjector */ protected $transformer; diff --git a/tests/Transformers/HotDeckImputerTest.php b/tests/Transformers/HotDeckImputerTest.php index 136a365c0..e11d5a5d0 100644 --- a/tests/Transformers/HotDeckImputerTest.php +++ b/tests/Transformers/HotDeckImputerTest.php @@ -18,12 +18,12 @@ class HotDeckImputerTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\HotDeckImputer + * @var HotDeckImputer */ protected $transformer; diff --git a/tests/Transformers/ImageResizerTest.php b/tests/Transformers/ImageResizerTest.php index 20f4fd83c..63816c15c 100644 --- a/tests/Transformers/ImageResizerTest.php +++ b/tests/Transformers/ImageResizerTest.php @@ -15,7 +15,7 @@ class ImageResizerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\ImageResizer + * @var ImageResizer */ protected $transformer; diff --git a/tests/Transformers/ImageRotatorTest.php b/tests/Transformers/ImageRotatorTest.php index ef63b5d68..5a88c0082 100644 --- a/tests/Transformers/ImageRotatorTest.php +++ b/tests/Transformers/ImageRotatorTest.php @@ -15,7 +15,7 @@ class RandomizedImageRotatorTest extends TestCase { /** - * @var \Rubix\ML\Transformers\ImageRotator + * @var ImageRotator */ protected \Rubix\ML\Transformers\ImageRotator $transformer; diff --git a/tests/Transformers/ImageVectorizerTest.php b/tests/Transformers/ImageVectorizerTest.php index 214b9d695..666bc08f7 100644 --- a/tests/Transformers/ImageVectorizerTest.php +++ b/tests/Transformers/ImageVectorizerTest.php @@ -17,7 +17,7 @@ class ImageVectorizerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\ImageVectorizer + * @var ImageVectorizer */ protected $transformer; @@ -57,6 +57,6 @@ public function fitTransform() : void 183, 170, 39, 39, 54, 77, 80, 89, 141, 140, 132], ]; - $this->assertEquals($expected, $dataset->samples()); + $this->assertEqualsWithDelta($expected, $dataset->samples(), 1.0); } } diff --git a/tests/Transformers/IntervalDiscretizerTest.php b/tests/Transformers/IntervalDiscretizerTest.php index 73638df80..280b5e027 100644 --- a/tests/Transformers/IntervalDiscretizerTest.php +++ b/tests/Transformers/IntervalDiscretizerTest.php @@ -16,12 +16,12 @@ class IntervalDiscretizerTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\IntervalDiscretizer + * @var IntervalDiscretizer */ protected $transformer; diff --git a/tests/Transformers/KNNImputerTest.php b/tests/Transformers/KNNImputerTest.php index c3312aaff..c22c6c04c 100644 --- a/tests/Transformers/KNNImputerTest.php +++ b/tests/Transformers/KNNImputerTest.php @@ -18,12 +18,12 @@ class KNNImputerTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\KNNImputer + * @var KNNImputer */ protected $transformer; diff --git a/tests/Transformers/L1NormalizerTest.php b/tests/Transformers/L1NormalizerTest.php index 16c55beb5..7a76d6432 100644 --- a/tests/Transformers/L1NormalizerTest.php +++ b/tests/Transformers/L1NormalizerTest.php @@ -14,7 +14,7 @@ class L1NormalizerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\L1Normalizer + * @var L1Normalizer */ protected $transformer; diff --git a/tests/Transformers/L2NormalizerTest.php b/tests/Transformers/L2NormalizerTest.php index ece6d32d5..d3baea515 100644 --- a/tests/Transformers/L2NormalizerTest.php +++ b/tests/Transformers/L2NormalizerTest.php @@ -14,7 +14,7 @@ class L2NormalizerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\L2Normalizer + * @var L2Normalizer */ protected $transformer; diff --git a/tests/Transformers/LambdaFunctionTest.php b/tests/Transformers/LambdaFunctionTest.php index 914be2e7d..5750a6224 100644 --- a/tests/Transformers/LambdaFunctionTest.php +++ b/tests/Transformers/LambdaFunctionTest.php @@ -14,7 +14,7 @@ class LambdaFunctionTest extends TestCase { /** - * @var \Rubix\ML\Transformers\LambdaFunction + * @var LambdaFunction */ protected $transformer; diff --git a/tests/Transformers/LinearDiscriminantAnalysisTest.php b/tests/Transformers/LinearDiscriminantAnalysisTest.php index 82c69c446..3e240a926 100644 --- a/tests/Transformers/LinearDiscriminantAnalysisTest.php +++ b/tests/Transformers/LinearDiscriminantAnalysisTest.php @@ -18,12 +18,12 @@ class LinearDiscriminantAnalysisTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Transformers\LinearDiscriminantAnalysis + * @var LinearDiscriminantAnalysis */ protected $transformer; diff --git a/tests/Transformers/MaxAbsoluteScalerTest.php b/tests/Transformers/MaxAbsoluteScalerTest.php index 803d5b703..7be4b1c73 100644 --- a/tests/Transformers/MaxAbsoluteScalerTest.php +++ b/tests/Transformers/MaxAbsoluteScalerTest.php @@ -19,12 +19,12 @@ class MaxAbsoluteScalerTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\MaxAbsoluteScaler + * @var MaxAbsoluteScaler */ protected $transformer; diff --git a/tests/Transformers/MinMaxNormalizerTest.php b/tests/Transformers/MinMaxNormalizerTest.php index b2855f472..ee7624baf 100644 --- a/tests/Transformers/MinMaxNormalizerTest.php +++ b/tests/Transformers/MinMaxNormalizerTest.php @@ -19,12 +19,12 @@ class MinMaxNormalizerTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\MinMaxNormalizer + * @var MinMaxNormalizer */ protected $transformer; diff --git a/tests/Transformers/MissingDataImputerTest.php b/tests/Transformers/MissingDataImputerTest.php index 9b16972f7..b2e2c4e5d 100644 --- a/tests/Transformers/MissingDataImputerTest.php +++ b/tests/Transformers/MissingDataImputerTest.php @@ -17,7 +17,7 @@ class MissingDataImputerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\MissingDataImputer + * @var MissingDataImputer */ protected $transformer; diff --git a/tests/Transformers/MultibyteTextNormalizerTest.php b/tests/Transformers/MultibyteTextNormalizerTest.php index 22418c20d..61607457a 100644 --- a/tests/Transformers/MultibyteTextNormalizerTest.php +++ b/tests/Transformers/MultibyteTextNormalizerTest.php @@ -14,12 +14,12 @@ class MultibyteTextNormalizerTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Unlabeled + * @var Unlabeled */ protected $dataset; /** - * @var \Rubix\ML\Transformers\MultibyteTextNormalizer + * @var MultibyteTextNormalizer */ protected $transformer; diff --git a/tests/Transformers/NumericStringConverterTest.php b/tests/Transformers/NumericStringConverterTest.php index 40adbfa9b..1bd17c4f2 100644 --- a/tests/Transformers/NumericStringConverterTest.php +++ b/tests/Transformers/NumericStringConverterTest.php @@ -15,7 +15,7 @@ class NumericStringConverterTest extends TestCase { /** - * @var \Rubix\ML\Transformers\NumericStringConverter + * @var NumericStringConverter */ protected $transformer; diff --git a/tests/Transformers/OneHotEncoderTest.php b/tests/Transformers/OneHotEncoderTest.php index 94179a11f..583afb980 100644 --- a/tests/Transformers/OneHotEncoderTest.php +++ b/tests/Transformers/OneHotEncoderTest.php @@ -15,7 +15,7 @@ class OneHotEncoderTest extends TestCase { /** - * @var \Rubix\ML\Transformers\OneHotEncoder + * @var OneHotEncoder */ protected $transformer; diff --git a/tests/Transformers/PolynomialExpanderTest.php b/tests/Transformers/PolynomialExpanderTest.php index 213273f3a..667f964bc 100644 --- a/tests/Transformers/PolynomialExpanderTest.php +++ b/tests/Transformers/PolynomialExpanderTest.php @@ -14,7 +14,7 @@ class PolynomialExpanderTest extends TestCase { /** - * @var \Rubix\ML\Transformers\PolynomialExpander + * @var PolynomialExpander */ protected $transformer; diff --git a/tests/Transformers/PrincipalComponentAnalysisTest.php b/tests/Transformers/PrincipalComponentAnalysisTest.php index feb1dfce2..beb3cc935 100644 --- a/tests/Transformers/PrincipalComponentAnalysisTest.php +++ b/tests/Transformers/PrincipalComponentAnalysisTest.php @@ -17,12 +17,12 @@ class PrincipalComponentAnalysisTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\PrincipalComponentAnalysis + * @var PrincipalComponentAnalysis */ protected $transformer; diff --git a/tests/Transformers/RegexFilterTest.php b/tests/Transformers/RegexFilterTest.php index fe45ce9f0..d24eb9ad6 100644 --- a/tests/Transformers/RegexFilterTest.php +++ b/tests/Transformers/RegexFilterTest.php @@ -14,7 +14,7 @@ class RegexFilterTest extends TestCase { /** - * @var \Rubix\ML\Transformers\RegexFilter + * @var RegexFilter */ protected $transformer; diff --git a/tests/Transformers/RobustStandardizerTest.php b/tests/Transformers/RobustStandardizerTest.php index ce7ed4991..f1759c691 100644 --- a/tests/Transformers/RobustStandardizerTest.php +++ b/tests/Transformers/RobustStandardizerTest.php @@ -18,12 +18,12 @@ class RobustStandardizerTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\RobustStandardizer + * @var RobustStandardizer */ protected $transformer; diff --git a/tests/Transformers/SparseRandomProjectorTest.php b/tests/Transformers/SparseRandomProjectorTest.php index db23b9e5e..15442dbb8 100644 --- a/tests/Transformers/SparseRandomProjectorTest.php +++ b/tests/Transformers/SparseRandomProjectorTest.php @@ -23,12 +23,12 @@ class SparseRandomProjectorTest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\SparseRandomProjector + * @var SparseRandomProjector */ protected $transformer; diff --git a/tests/Transformers/StopWordFilterTest.php b/tests/Transformers/StopWordFilterTest.php index f8336ed6a..4d0b24360 100644 --- a/tests/Transformers/StopWordFilterTest.php +++ b/tests/Transformers/StopWordFilterTest.php @@ -14,7 +14,7 @@ class StopWordFilterTest extends TestCase { /** - * @var \Rubix\ML\Transformers\StopWordFilter + * @var StopWordFilter */ protected $transformer; diff --git a/tests/Transformers/TSNETest.php b/tests/Transformers/TSNETest.php index a862078a7..1be227636 100644 --- a/tests/Transformers/TSNETest.php +++ b/tests/Transformers/TSNETest.php @@ -33,12 +33,12 @@ class TSNETest extends TestCase protected const RANDOM_SEED = 0; /** - * @var \Rubix\ML\Datasets\Generators\Agglomerate + * @var Agglomerate */ protected $generator; /** - * @var \Rubix\ML\Transformers\TSNE + * @var TSNE */ protected $embedder; diff --git a/tests/Transformers/TextNormalizerTest.php b/tests/Transformers/TextNormalizerTest.php index 7e96c6342..ad294ec06 100644 --- a/tests/Transformers/TextNormalizerTest.php +++ b/tests/Transformers/TextNormalizerTest.php @@ -14,7 +14,7 @@ class TextNormalizerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\TextNormalizer + * @var TextNormalizer */ protected $transformer; diff --git a/tests/Transformers/TfIdfTransformerTest.php b/tests/Transformers/TfIdfTransformerTest.php index 6ac1dc88b..c0bd998ac 100644 --- a/tests/Transformers/TfIdfTransformerTest.php +++ b/tests/Transformers/TfIdfTransformerTest.php @@ -18,7 +18,7 @@ class TfIdfTransformerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\TfIdfTransformer + * @var TfIdfTransformer */ protected $transformer; diff --git a/tests/Transformers/TokenHashingVectorizerTest.php b/tests/Transformers/TokenHashingVectorizerTest.php index e318df974..b17fbf202 100644 --- a/tests/Transformers/TokenHashingVectorizerTest.php +++ b/tests/Transformers/TokenHashingVectorizerTest.php @@ -15,7 +15,7 @@ class TokenHashingVectorizerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\TokenHashingVectorizer + * @var TokenHashingVectorizer */ protected $transformer; diff --git a/tests/Transformers/TruncatedSVDTest.php b/tests/Transformers/TruncatedSVDTest.php index f8e784442..97662ad5d 100644 --- a/tests/Transformers/TruncatedSVDTest.php +++ b/tests/Transformers/TruncatedSVDTest.php @@ -17,12 +17,12 @@ class TruncatedSVDTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\TruncatedSVD + * @var TruncatedSVD */ protected $transformer; diff --git a/tests/Transformers/WordCountVectorizerTest.php b/tests/Transformers/WordCountVectorizerTest.php index 36c044cb1..af0ec88bd 100644 --- a/tests/Transformers/WordCountVectorizerTest.php +++ b/tests/Transformers/WordCountVectorizerTest.php @@ -16,7 +16,7 @@ class WordCountVectorizerTest extends TestCase { /** - * @var \Rubix\ML\Transformers\WordCountVectorizer + * @var WordCountVectorizer */ protected $transformer; diff --git a/tests/Transformers/ZScaleStandardizerTest.php b/tests/Transformers/ZScaleStandardizerTest.php index 6d05b001b..f3fe76cd8 100644 --- a/tests/Transformers/ZScaleStandardizerTest.php +++ b/tests/Transformers/ZScaleStandardizerTest.php @@ -19,12 +19,12 @@ class ZScaleStandardizerTest extends TestCase { /** - * @var \Rubix\ML\Datasets\Generators\Blob + * @var Blob */ protected $generator; /** - * @var \Rubix\ML\Transformers\ZScaleStandardizer + * @var ZScaleStandardizer */ protected $transformer;