├── .gitignore ├── README.md ├── julia ├── chapter10 │ ├── linearregressionexample │ │ ├── data.txt │ │ ├── linearregression-multivariable.jl │ │ └── readme.md │ ├── logisticregressionexample │ │ ├── dataset1.txt │ │ ├── logisticregression.jl │ │ └── readme.md │ └── readme.md ├── chapter11 │ ├── annexample │ │ ├── checkNNGradients.jl │ │ ├── computeNumericalGradient.jl │ │ ├── dataset1.mat │ │ ├── debugInitializeWeights.jl │ │ ├── displayData.jl │ │ ├── neural-network.jl │ │ ├── nnCostFunction.jl │ │ ├── predict.jl │ │ ├── randInitializeWeights.jl │ │ ├── readme.md │ │ ├── sigmoid.jl │ │ ├── sigmoidGradient.jl │ │ ├── submit.jl │ │ └── weights.mat │ ├── dlexample │ │ ├── autoencoder │ │ │ ├── README.md │ │ │ ├── autoencoder.jl │ │ │ ├── digits.jl │ │ │ ├── getdata-sparseautoencoder.sh │ │ │ ├── getdata-vectorization.sh │ │ │ └── matlab │ │ │ │ ├── loadMNISTImages.m │ │ │ │ └── loadMNISTLabels.m │ │ ├── datautils.jl │ │ ├── plottingutils.jl │ │ └── readme.md │ └── readme.md ├── chapter12 │ ├── readme.md │ └── rlexample │ │ ├── DeepQLearning.jl │ │ ├── dqn-example.jl │ │ ├── dqn.jl │ │ ├── dqnruntest.jl │ │ ├── dqntest1.jl │ │ └── readme.md ├── chapter13 │ ├── ensembleexample │ │ ├── Ensemble.jl │ │ ├── decisiontree.jl │ │ ├── decisiontree_test.jl │ │ ├── dimensionalityreduction.jl │ │ ├── dimensionalityreduction_test.jl │ │ ├── iris.csv │ │ ├── mlbase.jl │ │ ├── mlbase_test.jl │ │ ├── readme.md │ │ ├── transformers.jl │ │ ├── types.jl │ │ └── util.jl │ └── readme.md ├── chapter5 │ ├── decisiontreeexample │ │ ├── DecisionTree.jl │ │ ├── decision_tree_test1.jl │ │ ├── decision_tree_test2.jl │ │ ├── measures.jl │ │ └── readme.md │ ├── randomforstexample │ │ ├── RandomForests.jl │ │ ├── classifier.jl │ │ ├── example.jl │ │ ├── randomforest.jl │ │ ├── readme.md │ │ ├── regressor.jl │ │ ├── sort.jl │ │ ├── split.jl │ │ ├── tree.jl │ │ └── util.jl │ └── readme.md ├── chapter6 │ ├── knnexample │ │ ├── knn.jl │ │ ├── readme.md │ │ ├── sampledata.csv │ │ ├── test.zip │ │ ├── train.zip │ │ └── training.csv │ ├── readme.md │ └── svmexample │ │ ├── examplesvm1.jl │ │ ├── readme.md │ │ ├── reference │ │ ├── libsvm_wrapper.c │ │ ├── svm.cpp │ │ └── svm.h │ │ └── svm.jl ├── chapter7 │ ├── aprioriexample │ │ ├── apriori.jl │ │ ├── aprioritest.jl │ │ ├── common.jl │ │ └── readme.md │ ├── fpgrowthexample │ │ ├── common.jl │ │ ├── fpgrowth.jl │ │ └── readme.md │ └── readme.md ├── chapter8 │ ├── k-meansexample │ │ ├── k-means.jl │ │ └── readme.md │ └── readme.md └── chapter9 │ ├── naivebayesexample │ ├── NaiveBayes.jl │ ├── datastats.jl │ ├── nbexampledata-iris.jl │ ├── nbfunctions.jl │ ├── nbtest1.jl │ ├── nbtest2.jl │ ├── nbtypes.jl │ └── readme.md │ └── readme.md ├── mahout ├── chapter10 │ ├── linearregressionexample │ │ └── readme.md │ ├── logisticregressionexample │ │ ├── pom.xml │ │ ├── readme.md │ │ └── src │ │ │ ├── main │ │ │ └── java │ │ │ │ └── com │ │ │ │ └── packt │ │ │ │ └── pml │ │ │ │ └── mahout │ │ │ │ └── logreg │ │ │ │ ├── LogisticRegreesionBase.java │ │ │ │ ├── LogisticRegressionApp.java │ │ │ │ └── LogisticRegressionBase.java │ │ │ └── test │ │ │ └── java │ │ │ └── com │ │ │ └── packt │ │ │ └── pml │ │ │ └── mahout │ │ │ └── logreg │ │ │ └── LogisticRegressionTest.java │ └── readme.md ├── chapter11 │ ├── annexample │ │ └── readme.md │ ├── dlexample │ │ ├── pom.xml │ │ ├── readme.md │ │ └── src │ │ │ ├── main │ │ │ └── java │ │ │ │ ├── Autoencoder.java │ │ │ │ ├── AutoencoderComputedParams.java │ │ │ │ ├── AutoencoderConfig.java │ │ │ │ ├── AutoencoderFct.java │ │ │ │ ├── AutoencoderFctGrd.java │ │ │ │ ├── AutoencoderGradient3.java │ │ │ │ ├── AutoencoderLearner.java │ │ │ │ ├── AutoencoderLinAlgebra.java │ │ │ │ ├── AutoencoderLineSearch.java │ │ │ │ ├── AutoencoderParams.java │ │ │ │ ├── AutoencoderSigmoid.java │ │ │ │ └── two_layers_autoencoders_model.prototxt │ │ │ └── test │ │ │ └── java │ │ │ ├── AutoencoderTest.java │ │ │ ├── ExtractPatchesTest.java │ │ │ ├── ExtractPatchesTuplesTest.java │ │ │ ├── FFTConvolutionTest.java │ │ │ ├── FeatureExtractionTest.java │ │ │ ├── LinAlgebraIOUtilsTest.java │ │ │ ├── LoadSaveModelTest.java │ │ │ ├── MaxPoolerTest.java │ │ │ ├── OneLayerTest.java │ │ │ ├── PreProcessTest.java │ │ │ ├── RankTest.java │ │ │ ├── ThreeLayerTest.java │ │ │ └── TwoLayersTest.java │ └── readme.md ├── chapter12 │ ├── readme.md │ └── rlexample │ │ └── readme.md ├── chapter13 │ ├── ensembleexample │ │ ├── data │ │ │ └── input │ │ │ │ ├── u.data │ │ │ │ ├── u1.base │ │ │ │ └── ua.base │ │ ├── pom.xml │ │ ├── readme.md │ │ └── src │ │ │ └── main │ │ │ └── java │ │ │ └── com │ │ │ └── packt │ │ │ └── pml │ │ │ └── mahout │ │ │ └── ensemble │ │ │ ├── Hadoop.java │ │ │ ├── ItemRecommender.java │ │ │ ├── RecommenderEvaluator.java │ │ │ ├── Recommenders.java │ │ │ ├── SlopeOneBasedRecommender.java │ │ │ └── Utilities.java │ └── readme.md ├── chapter5 │ ├── decisiontreeexample │ │ └── readme.md │ └── randomforestexample │ │ ├── pom.xml │ │ ├── readme.md │ │ └── src │ │ ├── main │ │ └── java │ │ │ └── com │ │ │ └── packt │ │ │ └── pml │ │ │ └── mahout │ │ │ └── randomforest │ │ │ └── RandomForest.java │ │ └── test │ │ └── java │ │ └── com │ │ └── packt │ │ └── pml │ │ └── mahout │ │ └── randomforest │ │ └── RandomForestTest.java ├── chapter6 │ ├── knnexample │ │ ├── main │ │ │ └── java │ │ │ │ └── KNearestNeighbor.java │ │ ├── readme.md │ │ └── test │ │ │ └── java │ │ │ └── WeightedMatrixTest.java │ └── svmexample │ │ └── readme.md ├── chapter7 │ ├── aprioriexample │ │ └── readme.md │ └── fpgrowthexample │ │ ├── pom.xml │ │ ├── readme.md │ │ └── src │ │ ├── main │ │ └── java │ │ │ └── com │ │ │ └── packt │ │ │ └── pml │ │ │ └── mahout │ │ │ └── fpgrowth │ │ │ ├── FrequentPatternMetrics.java │ │ │ └── FrequentPatternMiningJava.java │ │ └── test │ │ └── java │ │ └── com │ │ └── packt │ │ └── pml │ │ └── mahout │ │ └── fpgrowth │ │ └── FPgrowthTest.java ├── chapter8 │ ├── k-meansexample │ │ ├── pom.xml │ │ ├── readme.md │ │ └── src │ │ │ ├── main │ │ │ └── java │ │ │ │ └── com │ │ │ │ └── packt │ │ │ │ └── pml │ │ │ │ └── mahout │ │ │ │ └── kmeans │ │ │ │ ├── DataPreprocessing.java │ │ │ │ ├── InputDriver.java │ │ │ │ └── MahoutClusteringExample.java │ │ │ └── test │ │ │ └── java │ │ │ └── com │ │ │ └── packt │ │ │ └── pml │ │ │ └── mahout │ │ │ └── kmeans │ │ │ └── KMeansTest.java │ └── readme.md └── chapter9 │ ├── naivebayesexample │ ├── pom.xml │ ├── readme.md │ └── src │ │ ├── main │ │ └── java │ │ │ ├── com │ │ │ └── packt │ │ │ │ └── pml │ │ │ │ └── mahout │ │ │ │ └── naivebayes │ │ │ │ └── NaiveBayes.java │ │ │ └── start.sh │ │ └── test │ │ └── java │ │ └── com │ │ └── packt │ │ └── pml │ │ └── mahout │ │ └── naivebayes │ │ └── NaiveBayesTest.java │ └── readme.md ├── python-sckit-learn ├── chapter10 │ ├── linearregressionexample │ │ ├── data │ │ │ ├── winequality-red.csv │ │ │ └── winequality-white.csv │ │ ├── linear-regression-wine-data.py │ │ └── readme.md │ ├── logisticregressionexample │ │ ├── data │ │ │ ├── SMSSpamCollection │ │ │ ├── sms.csv │ │ │ ├── test.tsv │ │ │ └── train.tsv │ │ └── logistic-regression.py │ └── readme.md ├── chapter11 │ ├── annexample │ │ ├── ann.py │ │ └── readme.md │ ├── dlexample │ │ ├── example-1-data.ods │ │ ├── perceptron-data.ods │ │ ├── perceptron.py │ │ └── readme.md │ └── readme.md ├── chapter12 │ ├── readme.md │ └── rlexample │ │ ├── q-learning.py │ │ └── readme.md ├── chapter13 │ ├── ensembleexample │ │ ├── ensemble.py │ │ ├── ensemble_predict.py │ │ ├── ensemble_train.py │ │ ├── model_library.py │ │ └── readme.md │ └── readme.md ├── chapter5 │ ├── decisiontreeexample │ │ ├── data │ │ │ ├── ad.data │ │ │ └── ad.names │ │ ├── decision-tree.py │ │ └── information-gain.ods │ ├── randomforstexample │ │ ├── random-forests.py │ │ └── readme.md │ └── readme.md ├── chapter6 │ ├── knnexample │ │ ├── KNN.py │ │ ├── iris_data │ │ │ ├── README.md │ │ │ ├── iris.data │ │ │ └── iris.names │ │ ├── knn_example.png │ │ └── readme.md │ ├── readme.md │ └── svmexample │ │ ├── data │ │ ├── stopwords_en.txt │ │ └── titanic.csv │ │ ├── readme.md │ │ ├── svm.py │ │ └── svm_test.py ├── chapter7 │ ├── aprioriexample │ │ ├── INTEGRATED-DATASET.csv │ │ ├── apriori.py │ │ └── readme.md │ └── fpgrowthexample │ │ ├── data │ │ ├── numeric.csv │ │ └── tsk.csv │ │ ├── fp_growth.py │ │ ├── readme.md │ │ └── test-fpgrowth.py ├── chapter8 │ ├── k-meansexample │ │ ├── k-means.py │ │ └── readme.md │ └── readme.md ├── chapter9 │ ├── naivebayesexample │ │ ├── data-types.py │ │ ├── feature-selection.py │ │ ├── naivebayes-classifier.py │ │ ├── read-spam-data.py │ │ └── readme.md │ └── readme.md ├── data │ ├── stopwords_en.txt │ ├── titanic.csv │ └── titanic.png └── readme.md ├── r ├── chapter10 │ ├── linearregressionexample │ │ ├── Rplots.pdf │ │ ├── insurance.csv │ │ ├── linearregression.R │ │ └── readme.md │ ├── logisticregressionexample │ │ ├── dataset1.txt │ │ ├── dataset2.txt │ │ ├── logisticregression.R │ │ └── readme.md │ └── readme.md ├── chapter11 │ ├── annexample │ │ ├── Rplots.pdf │ │ ├── Rplots1.pdf │ │ ├── ann.R │ │ ├── concrete.csv │ │ └── readme.md │ ├── dlexample │ │ ├── autoencoder.R │ │ └── readme.md │ └── readme.md ├── chapter12 │ ├── readme.md │ └── rlexample │ │ ├── Results.pdf │ │ ├── qlaci.zip │ │ ├── qlearning │ │ ├── DESCRIPTION │ │ ├── INDEX │ │ ├── MD5 │ │ ├── Meta │ │ │ ├── Rd.rds │ │ │ ├── data.rds │ │ │ ├── hsearch.rds │ │ │ ├── links.rds │ │ │ ├── nsInfo.rds │ │ │ └── package.rds │ │ ├── NAMESPACE │ │ ├── R │ │ │ ├── qlearning │ │ │ ├── qlearning.rdb │ │ │ └── qlearning.rdx │ │ ├── data │ │ │ └── DataEx.RData │ │ ├── help │ │ │ ├── AnIndex │ │ │ ├── aliases.rds │ │ │ ├── paths.rds │ │ │ ├── qlearning.rdb │ │ │ └── qlearning.rdx │ │ └── html │ │ │ ├── 00Index.html │ │ │ └── R.css │ │ └── readme.md ├── chapter13 │ ├── ensembleexample │ │ ├── bagging-random-forest.R │ │ ├── credit.csv │ │ └── readme.md │ └── readme.md ├── chapter5 │ ├── decisiontreeexample │ │ ├── data │ │ │ ├── credit.csv │ │ │ └── mushrooms.csv │ │ ├── decision-trees.r │ │ └── readme.md │ ├── randomforstexample │ │ ├── data │ │ │ ├── test.csv │ │ │ └── train.csv │ │ ├── output │ │ │ ├── predict1.csv │ │ │ └── predict2.csv │ │ ├── randomforest.R │ │ └── readme.md │ └── readme.md ├── chapter6 │ ├── knnexample │ │ ├── knn.R │ │ ├── readme.md │ │ └── wisc_bc_data.csv │ ├── readme.md │ └── svmexample │ │ ├── letterdata.csv │ │ ├── readme.md │ │ └── svm.R ├── chapter7 │ ├── aprioriexample │ │ ├── Rplots.pdf │ │ ├── association-rules.R │ │ ├── groceries.csv │ │ ├── groceryrules.csv │ │ └── readme.md │ ├── fpgrowthexample │ │ └── readme.md │ └── readme.md ├── chapter8 │ ├── k-meansexample │ │ ├── kmeans-clustering.R │ │ ├── readme.md │ │ └── snsdata.csv │ └── readme.md └── chapter9 │ ├── naivebayesexample │ ├── Rplots.pdf │ ├── readme.md │ ├── sms_spam.csv │ └── snaive-bayes.R │ └── readme.md └── spark ├── chapter10 ├── linearregressionexample │ ├── ClickRate.py │ ├── readme.md │ └── startClickRate.sh ├── logisticregressionexample │ ├── dataset │ │ ├── spambase.DOCUMENTATION │ │ ├── spambase.data │ │ └── spambase.names │ ├── readme.md │ └── src │ │ └── main │ │ └── scala │ │ └── default │ │ └── SpamClassification-Logreg.scala └── readme.md ├── chapter11 ├── annexample │ ├── build.sbt │ ├── readme.md │ └── src │ │ └── main │ │ ├── resources │ │ └── log4j.properties │ │ └── scala │ │ └── default │ │ ├── Util.scala │ │ ├── algo │ │ ├── CostGradient.scala │ │ ├── DistCostGradientComputer.scala │ │ ├── GradientDescendOptimizer.scala │ │ ├── LoggingAbility.scala │ │ ├── NaiveCostGradientComputer.scala │ │ └── Predictor.scala │ │ ├── example │ │ └── MNIST.scala │ │ └── model │ │ ├── NeuralNetworkClassifier.scala │ │ ├── NeuralNetworkModel.scala │ │ └── Topology.scala ├── dlexample │ ├── RBM.scala │ └── readme.md └── readme.md ├── chapter12 ├── readme.md └── rlexample │ └── readme.md ├── chapter13 ├── ensembleexample │ ├── data │ │ ├── housing.txt │ │ └── sample_libsvm_data.txt │ ├── readme.md │ ├── result │ │ ├── GBT_clas.txt │ │ └── GBT_regression.txt │ └── src │ │ ├── GradientBoostTree_classification.scala │ │ ├── GradientBoostTree_regression.scala │ │ └── test.txt └── readme.md ├── chapter5 ├── decisiontreeexample │ ├── data │ │ ├── housing.txt │ │ └── sample_libsvm_data.txt │ ├── readme.md │ ├── result │ │ ├── classification.txt │ │ └── regression.txt │ └── src │ │ ├── decisiontree-classification.scala │ │ ├── decisiontree-regression.scala │ │ └── decsiontree-test.txt ├── randomforstexample │ ├── data │ │ ├── housing.txt │ │ └── sample_libsvm_data.txt │ ├── readme.md │ ├── result │ │ ├── RandomForest_regression.txt │ │ └── RandomForests_classification.txt │ └── src │ │ ├── RandomForest_regression.scala │ │ ├── RandomForests_classification.scala │ │ └── test.txt └── readme.md ├── chapter6 ├── knnexample │ ├── example-run │ ├── project │ │ ├── Build.scala │ │ ├── META-INF │ │ │ └── MANIFEST.MF │ │ ├── assembly.sbt │ │ └── plugins.sbt │ ├── readme.md │ └── src │ │ └── Knn-recommender.scala └── svmexample │ ├── build.sbt │ ├── doc │ └── usage.txt │ ├── readme.md │ └── src │ └── main │ └── scala │ ├── KernelSVM.scala │ ├── Kernels.scala │ └── main.scala ├── chapter7 ├── aprioriexample │ ├── pom.xml │ ├── readme.md │ └── src │ │ └── main │ │ └── scala │ │ └── default │ │ ├── Apriori.scala │ │ ├── BloomFilter.scala │ │ ├── FrequentItemSets.scala │ │ ├── NaiveFrequentItemSets.scala │ │ └── TestMain.scala ├── fpgrowthexample │ ├── readme.md │ └── src │ │ └── main │ │ └── scala │ │ └── default │ │ ├── FPGrowth.scala │ │ ├── FPTree.scala │ │ ├── ParallelFPGrowth.scala │ │ ├── Test.scala │ │ └── TreeNode.scala └── readme.md ├── chapter8 ├── k-meansexample │ ├── build.sbt │ ├── input │ │ ├── centroids.txt │ │ └── points.txt │ ├── readme.md │ ├── run.sh │ └── src │ │ └── main │ │ └── scala │ │ └── default │ │ └── KMeans.scala └── readme.md └── chapter9 ├── naivebayesexample ├── build.sbt ├── download-reuters.sh ├── project │ └── plugins.sbt ├── readme.md └── src │ └── main │ └── scala │ └── default │ ├── NaiveBayes.scala │ ├── ReutersParser.scala │ ├── Tokenizer.scala │ └── VectorUtil.scala └── readme.md /.gitignore: -------------------------------------------------------------------------------- 1 | mahout/chapter10/logisticregressionexample/pom.xml -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/README.md -------------------------------------------------------------------------------- /julia/chapter10/linearregressionexample/data.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter10/linearregressionexample/data.txt -------------------------------------------------------------------------------- /julia/chapter10/linearregressionexample/linearregression-multivariable.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter10/linearregressionexample/linearregression-multivariable.jl -------------------------------------------------------------------------------- /julia/chapter10/linearregressionexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter10/logisticregressionexample/dataset1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter10/logisticregressionexample/dataset1.txt -------------------------------------------------------------------------------- /julia/chapter10/logisticregressionexample/logisticregression.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter10/logisticregressionexample/logisticregression.jl -------------------------------------------------------------------------------- /julia/chapter10/logisticregressionexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter10/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter11/annexample/checkNNGradients.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/checkNNGradients.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/computeNumericalGradient.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/computeNumericalGradient.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/dataset1.mat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/dataset1.mat -------------------------------------------------------------------------------- /julia/chapter11/annexample/debugInitializeWeights.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/debugInitializeWeights.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/displayData.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/displayData.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/neural-network.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/neural-network.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/nnCostFunction.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/nnCostFunction.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/predict.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/predict.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/randInitializeWeights.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/randInitializeWeights.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter11/annexample/sigmoid.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/sigmoid.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/sigmoidGradient.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/sigmoidGradient.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/submit.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/submit.jl -------------------------------------------------------------------------------- /julia/chapter11/annexample/weights.mat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/annexample/weights.mat -------------------------------------------------------------------------------- /julia/chapter11/dlexample/autoencoder/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/autoencoder/README.md -------------------------------------------------------------------------------- /julia/chapter11/dlexample/autoencoder/autoencoder.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/autoencoder/autoencoder.jl -------------------------------------------------------------------------------- /julia/chapter11/dlexample/autoencoder/digits.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/autoencoder/digits.jl -------------------------------------------------------------------------------- /julia/chapter11/dlexample/autoencoder/getdata-sparseautoencoder.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/autoencoder/getdata-sparseautoencoder.sh -------------------------------------------------------------------------------- /julia/chapter11/dlexample/autoencoder/getdata-vectorization.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/autoencoder/getdata-vectorization.sh -------------------------------------------------------------------------------- /julia/chapter11/dlexample/autoencoder/matlab/loadMNISTImages.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/autoencoder/matlab/loadMNISTImages.m -------------------------------------------------------------------------------- /julia/chapter11/dlexample/autoencoder/matlab/loadMNISTLabels.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/autoencoder/matlab/loadMNISTLabels.m -------------------------------------------------------------------------------- /julia/chapter11/dlexample/datautils.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/datautils.jl -------------------------------------------------------------------------------- /julia/chapter11/dlexample/plottingutils.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter11/dlexample/plottingutils.jl -------------------------------------------------------------------------------- /julia/chapter11/dlexample/readme.md: -------------------------------------------------------------------------------- 1 | Autoencoder example with a base from MATlab code 2 | -------------------------------------------------------------------------------- /julia/chapter11/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter12/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter12/rlexample/DeepQLearning.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter12/rlexample/DeepQLearning.jl -------------------------------------------------------------------------------- /julia/chapter12/rlexample/dqn-example.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter12/rlexample/dqn-example.jl -------------------------------------------------------------------------------- /julia/chapter12/rlexample/dqn.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter12/rlexample/dqn.jl -------------------------------------------------------------------------------- /julia/chapter12/rlexample/dqnruntest.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter12/rlexample/dqnruntest.jl -------------------------------------------------------------------------------- /julia/chapter12/rlexample/dqntest1.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter12/rlexample/dqntest1.jl -------------------------------------------------------------------------------- /julia/chapter12/rlexample/readme.md: -------------------------------------------------------------------------------- 1 | This folder has a deep Q learning example code 2 | -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/Ensemble.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/Ensemble.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/decisiontree.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/decisiontree.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/decisiontree_test.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/decisiontree_test.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/dimensionalityreduction.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/dimensionalityreduction.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/dimensionalityreduction_test.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/dimensionalityreduction_test.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/iris.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/iris.csv -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/mlbase.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/mlbase.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/mlbase_test.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/mlbase_test.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/transformers.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/transformers.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/types.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/types.jl -------------------------------------------------------------------------------- /julia/chapter13/ensembleexample/util.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter13/ensembleexample/util.jl -------------------------------------------------------------------------------- /julia/chapter13/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter5/decisiontreeexample/DecisionTree.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/decisiontreeexample/DecisionTree.jl -------------------------------------------------------------------------------- /julia/chapter5/decisiontreeexample/decision_tree_test1.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/decisiontreeexample/decision_tree_test1.jl -------------------------------------------------------------------------------- /julia/chapter5/decisiontreeexample/decision_tree_test2.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/decisiontreeexample/decision_tree_test2.jl -------------------------------------------------------------------------------- /julia/chapter5/decisiontreeexample/measures.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/decisiontreeexample/measures.jl -------------------------------------------------------------------------------- /julia/chapter5/decisiontreeexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/RandomForests.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/RandomForests.jl -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/classifier.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/classifier.jl -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/example.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/example.jl -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/randomforest.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/randomforest.jl -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/readme.md -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/regressor.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/regressor.jl -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/sort.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/sort.jl -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/split.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/split.jl -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/tree.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/tree.jl -------------------------------------------------------------------------------- /julia/chapter5/randomforstexample/util.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter5/randomforstexample/util.jl -------------------------------------------------------------------------------- /julia/chapter5/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter6/knnexample/knn.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/knnexample/knn.jl -------------------------------------------------------------------------------- /julia/chapter6/knnexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter6/knnexample/sampledata.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/knnexample/sampledata.csv -------------------------------------------------------------------------------- /julia/chapter6/knnexample/test.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/knnexample/test.zip -------------------------------------------------------------------------------- /julia/chapter6/knnexample/train.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/knnexample/train.zip -------------------------------------------------------------------------------- /julia/chapter6/knnexample/training.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/knnexample/training.csv -------------------------------------------------------------------------------- /julia/chapter6/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter6/svmexample/examplesvm1.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/svmexample/examplesvm1.jl -------------------------------------------------------------------------------- /julia/chapter6/svmexample/readme.md: -------------------------------------------------------------------------------- 1 | Julia bindings to libsvm 2 | -------------------------------------------------------------------------------- /julia/chapter6/svmexample/reference/libsvm_wrapper.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/svmexample/reference/libsvm_wrapper.c -------------------------------------------------------------------------------- /julia/chapter6/svmexample/reference/svm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/svmexample/reference/svm.cpp -------------------------------------------------------------------------------- /julia/chapter6/svmexample/reference/svm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/svmexample/reference/svm.h -------------------------------------------------------------------------------- /julia/chapter6/svmexample/svm.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter6/svmexample/svm.jl -------------------------------------------------------------------------------- /julia/chapter7/aprioriexample/apriori.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter7/aprioriexample/apriori.jl -------------------------------------------------------------------------------- /julia/chapter7/aprioriexample/aprioritest.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter7/aprioriexample/aprioritest.jl -------------------------------------------------------------------------------- /julia/chapter7/aprioriexample/common.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter7/aprioriexample/common.jl -------------------------------------------------------------------------------- /julia/chapter7/aprioriexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter7/fpgrowthexample/common.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter7/fpgrowthexample/common.jl -------------------------------------------------------------------------------- /julia/chapter7/fpgrowthexample/fpgrowth.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter7/fpgrowthexample/fpgrowth.jl -------------------------------------------------------------------------------- /julia/chapter7/fpgrowthexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter7/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /julia/chapter8/k-meansexample/k-means.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter8/k-meansexample/k-means.jl -------------------------------------------------------------------------------- /julia/chapter8/k-meansexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter8/k-meansexample/readme.md -------------------------------------------------------------------------------- /julia/chapter8/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter8/readme.md -------------------------------------------------------------------------------- /julia/chapter9/naivebayesexample/NaiveBayes.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter9/naivebayesexample/NaiveBayes.jl -------------------------------------------------------------------------------- /julia/chapter9/naivebayesexample/datastats.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter9/naivebayesexample/datastats.jl -------------------------------------------------------------------------------- /julia/chapter9/naivebayesexample/nbexampledata-iris.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter9/naivebayesexample/nbexampledata-iris.jl -------------------------------------------------------------------------------- /julia/chapter9/naivebayesexample/nbfunctions.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter9/naivebayesexample/nbfunctions.jl -------------------------------------------------------------------------------- /julia/chapter9/naivebayesexample/nbtest1.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter9/naivebayesexample/nbtest1.jl -------------------------------------------------------------------------------- /julia/chapter9/naivebayesexample/nbtest2.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter9/naivebayesexample/nbtest2.jl -------------------------------------------------------------------------------- /julia/chapter9/naivebayesexample/nbtypes.jl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter9/naivebayesexample/nbtypes.jl -------------------------------------------------------------------------------- /julia/chapter9/naivebayesexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/julia/chapter9/naivebayesexample/readme.md -------------------------------------------------------------------------------- /julia/chapter9/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter10/linearregressionexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter10/linearregressionexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter10/logisticregressionexample/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter10/logisticregressionexample/pom.xml -------------------------------------------------------------------------------- /mahout/chapter10/logisticregressionexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter10/logisticregressionexample/src/main/java/com/packt/pml/mahout/logreg/LogisticRegreesionBase.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter10/logisticregressionexample/src/main/java/com/packt/pml/mahout/logreg/LogisticRegreesionBase.java -------------------------------------------------------------------------------- /mahout/chapter10/logisticregressionexample/src/main/java/com/packt/pml/mahout/logreg/LogisticRegressionApp.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter10/logisticregressionexample/src/main/java/com/packt/pml/mahout/logreg/LogisticRegressionApp.java -------------------------------------------------------------------------------- /mahout/chapter10/logisticregressionexample/src/main/java/com/packt/pml/mahout/logreg/LogisticRegressionBase.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter10/logisticregressionexample/src/main/java/com/packt/pml/mahout/logreg/LogisticRegressionBase.java -------------------------------------------------------------------------------- /mahout/chapter10/logisticregressionexample/src/test/java/com/packt/pml/mahout/logreg/LogisticRegressionTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter10/logisticregressionexample/src/test/java/com/packt/pml/mahout/logreg/LogisticRegressionTest.java -------------------------------------------------------------------------------- /mahout/chapter10/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter11/annexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/pom.xml -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/Autoencoder.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/Autoencoder.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderComputedParams.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderComputedParams.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderConfig.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderConfig.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderFct.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderFct.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderFctGrd.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderFctGrd.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderGradient3.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderGradient3.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderLearner.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderLearner.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderLinAlgebra.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderLinAlgebra.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderLineSearch.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderLineSearch.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderParams.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderParams.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/AutoencoderSigmoid.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/AutoencoderSigmoid.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/main/java/two_layers_autoencoders_model.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/main/java/two_layers_autoencoders_model.prototxt -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/AutoencoderTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/AutoencoderTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/ExtractPatchesTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/ExtractPatchesTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/ExtractPatchesTuplesTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/ExtractPatchesTuplesTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/FFTConvolutionTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/FFTConvolutionTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/FeatureExtractionTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/FeatureExtractionTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/LinAlgebraIOUtilsTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/LinAlgebraIOUtilsTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/LoadSaveModelTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/LoadSaveModelTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/MaxPoolerTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/MaxPoolerTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/OneLayerTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/OneLayerTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/PreProcessTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/PreProcessTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/RankTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/RankTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/ThreeLayerTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/ThreeLayerTest.java -------------------------------------------------------------------------------- /mahout/chapter11/dlexample/src/test/java/TwoLayersTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter11/dlexample/src/test/java/TwoLayersTest.java -------------------------------------------------------------------------------- /mahout/chapter11/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter12/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter12/rlexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter12/rlexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/data/input/u.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/data/input/u.data -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/data/input/u1.base: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/data/input/u1.base -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/data/input/ua.base: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/data/input/ua.base -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/pom.xml -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/Hadoop.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/Hadoop.java -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/ItemRecommender.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/ItemRecommender.java -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/RecommenderEvaluator.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/RecommenderEvaluator.java -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/Recommenders.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/Recommenders.java -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/SlopeOneBasedRecommender.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/SlopeOneBasedRecommender.java -------------------------------------------------------------------------------- /mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/Utilities.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter13/ensembleexample/src/main/java/com/packt/pml/mahout/ensemble/Utilities.java -------------------------------------------------------------------------------- /mahout/chapter13/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter5/decisiontreeexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter5/decisiontreeexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter5/randomforestexample/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter5/randomforestexample/pom.xml -------------------------------------------------------------------------------- /mahout/chapter5/randomforestexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter5/randomforestexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter5/randomforestexample/src/main/java/com/packt/pml/mahout/randomforest/RandomForest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter5/randomforestexample/src/main/java/com/packt/pml/mahout/randomforest/RandomForest.java -------------------------------------------------------------------------------- /mahout/chapter5/randomforestexample/src/test/java/com/packt/pml/mahout/randomforest/RandomForestTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter5/randomforestexample/src/test/java/com/packt/pml/mahout/randomforest/RandomForestTest.java -------------------------------------------------------------------------------- /mahout/chapter6/knnexample/main/java/KNearestNeighbor.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter6/knnexample/main/java/KNearestNeighbor.java -------------------------------------------------------------------------------- /mahout/chapter6/knnexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter6/knnexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter6/knnexample/test/java/WeightedMatrixTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter6/knnexample/test/java/WeightedMatrixTest.java -------------------------------------------------------------------------------- /mahout/chapter6/svmexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter6/svmexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter7/aprioriexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter7/aprioriexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter7/fpgrowthexample/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter7/fpgrowthexample/pom.xml -------------------------------------------------------------------------------- /mahout/chapter7/fpgrowthexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter7/fpgrowthexample/readme.md -------------------------------------------------------------------------------- /mahout/chapter7/fpgrowthexample/src/main/java/com/packt/pml/mahout/fpgrowth/FrequentPatternMetrics.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter7/fpgrowthexample/src/main/java/com/packt/pml/mahout/fpgrowth/FrequentPatternMetrics.java -------------------------------------------------------------------------------- /mahout/chapter7/fpgrowthexample/src/main/java/com/packt/pml/mahout/fpgrowth/FrequentPatternMiningJava.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter7/fpgrowthexample/src/main/java/com/packt/pml/mahout/fpgrowth/FrequentPatternMiningJava.java -------------------------------------------------------------------------------- /mahout/chapter7/fpgrowthexample/src/test/java/com/packt/pml/mahout/fpgrowth/FPgrowthTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter7/fpgrowthexample/src/test/java/com/packt/pml/mahout/fpgrowth/FPgrowthTest.java -------------------------------------------------------------------------------- /mahout/chapter8/k-meansexample/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter8/k-meansexample/pom.xml -------------------------------------------------------------------------------- /mahout/chapter8/k-meansexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter8/k-meansexample/src/main/java/com/packt/pml/mahout/kmeans/DataPreprocessing.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter8/k-meansexample/src/main/java/com/packt/pml/mahout/kmeans/DataPreprocessing.java -------------------------------------------------------------------------------- /mahout/chapter8/k-meansexample/src/main/java/com/packt/pml/mahout/kmeans/InputDriver.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter8/k-meansexample/src/main/java/com/packt/pml/mahout/kmeans/InputDriver.java -------------------------------------------------------------------------------- /mahout/chapter8/k-meansexample/src/main/java/com/packt/pml/mahout/kmeans/MahoutClusteringExample.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter8/k-meansexample/src/main/java/com/packt/pml/mahout/kmeans/MahoutClusteringExample.java -------------------------------------------------------------------------------- /mahout/chapter8/k-meansexample/src/test/java/com/packt/pml/mahout/kmeans/KMeansTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter8/k-meansexample/src/test/java/com/packt/pml/mahout/kmeans/KMeansTest.java -------------------------------------------------------------------------------- /mahout/chapter8/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter9/naivebayesexample/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter9/naivebayesexample/pom.xml -------------------------------------------------------------------------------- /mahout/chapter9/naivebayesexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mahout/chapter9/naivebayesexample/src/main/java/com/packt/pml/mahout/naivebayes/NaiveBayes.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter9/naivebayesexample/src/main/java/com/packt/pml/mahout/naivebayes/NaiveBayes.java -------------------------------------------------------------------------------- /mahout/chapter9/naivebayesexample/src/main/java/start.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter9/naivebayesexample/src/main/java/start.sh -------------------------------------------------------------------------------- /mahout/chapter9/naivebayesexample/src/test/java/com/packt/pml/mahout/naivebayes/NaiveBayesTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/mahout/chapter9/naivebayesexample/src/test/java/com/packt/pml/mahout/naivebayes/NaiveBayesTest.java -------------------------------------------------------------------------------- /mahout/chapter9/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/linearregressionexample/data/winequality-red.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter10/linearregressionexample/data/winequality-red.csv -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/linearregressionexample/data/winequality-white.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter10/linearregressionexample/data/winequality-white.csv -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/linearregressionexample/linear-regression-wine-data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter10/linearregressionexample/linear-regression-wine-data.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/linearregressionexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/logisticregressionexample/data/SMSSpamCollection: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter10/logisticregressionexample/data/SMSSpamCollection -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/logisticregressionexample/data/sms.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter10/logisticregressionexample/data/sms.csv -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/logisticregressionexample/data/test.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter10/logisticregressionexample/data/test.tsv -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/logisticregressionexample/data/train.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter10/logisticregressionexample/data/train.tsv -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/logisticregressionexample/logistic-regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter10/logisticregressionexample/logistic-regression.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter10/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter11/annexample/ann.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter11/annexample/ann.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter11/annexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter11/dlexample/example-1-data.ods: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter11/dlexample/example-1-data.ods -------------------------------------------------------------------------------- /python-sckit-learn/chapter11/dlexample/perceptron-data.ods: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter11/dlexample/perceptron-data.ods -------------------------------------------------------------------------------- /python-sckit-learn/chapter11/dlexample/perceptron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter11/dlexample/perceptron.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter11/dlexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter11/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter12/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter12/readme.md -------------------------------------------------------------------------------- /python-sckit-learn/chapter12/rlexample/q-learning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter12/rlexample/q-learning.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter12/rlexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter13/ensembleexample/ensemble.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter13/ensembleexample/ensemble.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter13/ensembleexample/ensemble_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter13/ensembleexample/ensemble_predict.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter13/ensembleexample/ensemble_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter13/ensembleexample/ensemble_train.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter13/ensembleexample/model_library.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter13/ensembleexample/model_library.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter13/ensembleexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter13/ensembleexample/readme.md -------------------------------------------------------------------------------- /python-sckit-learn/chapter13/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter5/decisiontreeexample/data/ad.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter5/decisiontreeexample/data/ad.data -------------------------------------------------------------------------------- /python-sckit-learn/chapter5/decisiontreeexample/data/ad.names: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter5/decisiontreeexample/data/ad.names -------------------------------------------------------------------------------- /python-sckit-learn/chapter5/decisiontreeexample/decision-tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter5/decisiontreeexample/decision-tree.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter5/decisiontreeexample/information-gain.ods: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter5/decisiontreeexample/information-gain.ods -------------------------------------------------------------------------------- /python-sckit-learn/chapter5/randomforstexample/random-forests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter5/randomforstexample/random-forests.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter5/randomforstexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter5/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/knnexample/KNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/knnexample/KNN.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/knnexample/iris_data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/knnexample/iris_data/README.md -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/knnexample/iris_data/iris.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/knnexample/iris_data/iris.data -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/knnexample/iris_data/iris.names: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/knnexample/iris_data/iris.names -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/knnexample/knn_example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/knnexample/knn_example.png -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/knnexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/knnexample/readme.md -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/svmexample/data/stopwords_en.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/svmexample/data/stopwords_en.txt -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/svmexample/data/titanic.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/svmexample/data/titanic.csv -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/svmexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/svmexample/svm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/svmexample/svm.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter6/svmexample/svm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter6/svmexample/svm_test.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter7/aprioriexample/INTEGRATED-DATASET.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter7/aprioriexample/INTEGRATED-DATASET.csv -------------------------------------------------------------------------------- /python-sckit-learn/chapter7/aprioriexample/apriori.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter7/aprioriexample/apriori.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter7/aprioriexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter7/aprioriexample/readme.md -------------------------------------------------------------------------------- /python-sckit-learn/chapter7/fpgrowthexample/data/numeric.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter7/fpgrowthexample/data/numeric.csv -------------------------------------------------------------------------------- /python-sckit-learn/chapter7/fpgrowthexample/data/tsk.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter7/fpgrowthexample/data/tsk.csv -------------------------------------------------------------------------------- /python-sckit-learn/chapter7/fpgrowthexample/fp_growth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter7/fpgrowthexample/fp_growth.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter7/fpgrowthexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter7/fpgrowthexample/readme.md -------------------------------------------------------------------------------- /python-sckit-learn/chapter7/fpgrowthexample/test-fpgrowth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter7/fpgrowthexample/test-fpgrowth.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter8/k-meansexample/k-means.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter8/k-meansexample/k-means.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter8/k-meansexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter8/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/chapter9/naivebayesexample/data-types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter9/naivebayesexample/data-types.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter9/naivebayesexample/feature-selection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter9/naivebayesexample/feature-selection.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter9/naivebayesexample/naivebayes-classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter9/naivebayesexample/naivebayes-classifier.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter9/naivebayesexample/read-spam-data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter9/naivebayesexample/read-spam-data.py -------------------------------------------------------------------------------- /python-sckit-learn/chapter9/naivebayesexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/chapter9/naivebayesexample/readme.md -------------------------------------------------------------------------------- /python-sckit-learn/chapter9/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /python-sckit-learn/data/stopwords_en.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/data/stopwords_en.txt -------------------------------------------------------------------------------- /python-sckit-learn/data/titanic.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/data/titanic.csv -------------------------------------------------------------------------------- /python-sckit-learn/data/titanic.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/data/titanic.png -------------------------------------------------------------------------------- /python-sckit-learn/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/python-sckit-learn/readme.md -------------------------------------------------------------------------------- /r/chapter10/linearregressionexample/Rplots.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter10/linearregressionexample/Rplots.pdf -------------------------------------------------------------------------------- /r/chapter10/linearregressionexample/insurance.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter10/linearregressionexample/insurance.csv -------------------------------------------------------------------------------- /r/chapter10/linearregressionexample/linearregression.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter10/linearregressionexample/linearregression.R -------------------------------------------------------------------------------- /r/chapter10/linearregressionexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter10/logisticregressionexample/dataset1.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /r/chapter10/logisticregressionexample/dataset2.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /r/chapter10/logisticregressionexample/logisticregression.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter10/logisticregressionexample/logisticregression.R -------------------------------------------------------------------------------- /r/chapter10/logisticregressionexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter10/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter11/annexample/Rplots.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter11/annexample/Rplots.pdf -------------------------------------------------------------------------------- /r/chapter11/annexample/Rplots1.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter11/annexample/Rplots1.pdf -------------------------------------------------------------------------------- /r/chapter11/annexample/ann.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter11/annexample/ann.R -------------------------------------------------------------------------------- /r/chapter11/annexample/concrete.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter11/annexample/concrete.csv -------------------------------------------------------------------------------- /r/chapter11/annexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter11/dlexample/autoencoder.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter11/dlexample/autoencoder.R -------------------------------------------------------------------------------- /r/chapter11/dlexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter11/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter12/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter12/rlexample/Results.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/Results.pdf -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlaci.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlaci.zip -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/DESCRIPTION: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/DESCRIPTION -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/INDEX: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/INDEX -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/MD5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/MD5 -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/Meta/Rd.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/Meta/Rd.rds -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/Meta/data.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/Meta/data.rds -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/Meta/hsearch.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/Meta/hsearch.rds -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/Meta/links.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/Meta/links.rds -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/Meta/nsInfo.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/Meta/nsInfo.rds -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/Meta/package.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/Meta/package.rds -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/NAMESPACE: -------------------------------------------------------------------------------- 1 | exportPattern("^[[:alpha:]]+") 2 | -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/R/qlearning: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/R/qlearning -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/R/qlearning.rdb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/R/qlearning.rdb -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/R/qlearning.rdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/R/qlearning.rdx -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/data/DataEx.RData: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/data/DataEx.RData -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/help/AnIndex: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/help/AnIndex -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/help/aliases.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/help/aliases.rds -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/help/paths.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/help/paths.rds -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/help/qlearning.rdb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/help/qlearning.rdb -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/help/qlearning.rdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/help/qlearning.rdx -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/html/00Index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/html/00Index.html -------------------------------------------------------------------------------- /r/chapter12/rlexample/qlearning/html/R.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/qlearning/html/R.css -------------------------------------------------------------------------------- /r/chapter12/rlexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter12/rlexample/readme.md -------------------------------------------------------------------------------- /r/chapter13/ensembleexample/bagging-random-forest.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter13/ensembleexample/bagging-random-forest.R -------------------------------------------------------------------------------- /r/chapter13/ensembleexample/credit.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter13/ensembleexample/credit.csv -------------------------------------------------------------------------------- /r/chapter13/ensembleexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter13/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter5/decisiontreeexample/data/credit.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter5/decisiontreeexample/data/credit.csv -------------------------------------------------------------------------------- /r/chapter5/decisiontreeexample/data/mushrooms.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter5/decisiontreeexample/data/mushrooms.csv -------------------------------------------------------------------------------- /r/chapter5/decisiontreeexample/decision-trees.r: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter5/decisiontreeexample/decision-trees.r -------------------------------------------------------------------------------- /r/chapter5/decisiontreeexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter5/randomforstexample/data/test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter5/randomforstexample/data/test.csv -------------------------------------------------------------------------------- /r/chapter5/randomforstexample/data/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter5/randomforstexample/data/train.csv -------------------------------------------------------------------------------- /r/chapter5/randomforstexample/output/predict1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter5/randomforstexample/output/predict1.csv -------------------------------------------------------------------------------- /r/chapter5/randomforstexample/output/predict2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter5/randomforstexample/output/predict2.csv -------------------------------------------------------------------------------- /r/chapter5/randomforstexample/randomforest.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter5/randomforstexample/randomforest.R -------------------------------------------------------------------------------- /r/chapter5/randomforstexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter5/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter6/knnexample/knn.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter6/knnexample/knn.R -------------------------------------------------------------------------------- /r/chapter6/knnexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter6/knnexample/wisc_bc_data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter6/knnexample/wisc_bc_data.csv -------------------------------------------------------------------------------- /r/chapter6/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter6/svmexample/letterdata.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter6/svmexample/letterdata.csv -------------------------------------------------------------------------------- /r/chapter6/svmexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter6/svmexample/svm.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter6/svmexample/svm.R -------------------------------------------------------------------------------- /r/chapter7/aprioriexample/Rplots.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter7/aprioriexample/Rplots.pdf -------------------------------------------------------------------------------- /r/chapter7/aprioriexample/association-rules.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter7/aprioriexample/association-rules.R -------------------------------------------------------------------------------- /r/chapter7/aprioriexample/groceries.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter7/aprioriexample/groceries.csv -------------------------------------------------------------------------------- /r/chapter7/aprioriexample/groceryrules.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter7/aprioriexample/groceryrules.csv -------------------------------------------------------------------------------- /r/chapter7/aprioriexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter7/fpgrowthexample/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter7/fpgrowthexample/readme.md -------------------------------------------------------------------------------- /r/chapter7/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter8/k-meansexample/kmeans-clustering.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter8/k-meansexample/kmeans-clustering.R -------------------------------------------------------------------------------- /r/chapter8/k-meansexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter8/k-meansexample/snsdata.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter8/k-meansexample/snsdata.csv -------------------------------------------------------------------------------- /r/chapter8/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter9/naivebayesexample/Rplots.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter9/naivebayesexample/Rplots.pdf -------------------------------------------------------------------------------- /r/chapter9/naivebayesexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /r/chapter9/naivebayesexample/sms_spam.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter9/naivebayesexample/sms_spam.csv -------------------------------------------------------------------------------- /r/chapter9/naivebayesexample/snaive-bayes.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/r/chapter9/naivebayesexample/snaive-bayes.R -------------------------------------------------------------------------------- /r/chapter9/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter10/linearregressionexample/ClickRate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter10/linearregressionexample/ClickRate.py -------------------------------------------------------------------------------- /spark/chapter10/linearregressionexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter10/linearregressionexample/startClickRate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter10/linearregressionexample/startClickRate.sh -------------------------------------------------------------------------------- /spark/chapter10/logisticregressionexample/dataset/spambase.DOCUMENTATION: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter10/logisticregressionexample/dataset/spambase.DOCUMENTATION -------------------------------------------------------------------------------- /spark/chapter10/logisticregressionexample/dataset/spambase.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter10/logisticregressionexample/dataset/spambase.data -------------------------------------------------------------------------------- /spark/chapter10/logisticregressionexample/dataset/spambase.names: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter10/logisticregressionexample/dataset/spambase.names -------------------------------------------------------------------------------- /spark/chapter10/logisticregressionexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter10/logisticregressionexample/src/main/scala/default/SpamClassification-Logreg.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter10/logisticregressionexample/src/main/scala/default/SpamClassification-Logreg.scala -------------------------------------------------------------------------------- /spark/chapter10/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter11/annexample/build.sbt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/build.sbt -------------------------------------------------------------------------------- /spark/chapter11/annexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/resources/log4j.properties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/resources/log4j.properties -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/Util.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/Util.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/algo/CostGradient.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/algo/CostGradient.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/algo/DistCostGradientComputer.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/algo/DistCostGradientComputer.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/algo/GradientDescendOptimizer.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/algo/GradientDescendOptimizer.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/algo/LoggingAbility.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/algo/LoggingAbility.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/algo/NaiveCostGradientComputer.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/algo/NaiveCostGradientComputer.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/algo/Predictor.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/algo/Predictor.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/example/MNIST.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/example/MNIST.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/model/NeuralNetworkClassifier.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/model/NeuralNetworkClassifier.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/model/NeuralNetworkModel.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/model/NeuralNetworkModel.scala -------------------------------------------------------------------------------- /spark/chapter11/annexample/src/main/scala/default/model/Topology.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/annexample/src/main/scala/default/model/Topology.scala -------------------------------------------------------------------------------- /spark/chapter11/dlexample/RBM.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter11/dlexample/RBM.scala -------------------------------------------------------------------------------- /spark/chapter11/dlexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter11/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter12/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter12/readme.md -------------------------------------------------------------------------------- /spark/chapter12/rlexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter13/ensembleexample/data/housing.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter13/ensembleexample/data/housing.txt -------------------------------------------------------------------------------- /spark/chapter13/ensembleexample/data/sample_libsvm_data.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter13/ensembleexample/data/sample_libsvm_data.txt -------------------------------------------------------------------------------- /spark/chapter13/ensembleexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter13/ensembleexample/result/GBT_clas.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter13/ensembleexample/result/GBT_clas.txt -------------------------------------------------------------------------------- /spark/chapter13/ensembleexample/result/GBT_regression.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter13/ensembleexample/result/GBT_regression.txt -------------------------------------------------------------------------------- /spark/chapter13/ensembleexample/src/GradientBoostTree_classification.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter13/ensembleexample/src/GradientBoostTree_classification.scala -------------------------------------------------------------------------------- /spark/chapter13/ensembleexample/src/GradientBoostTree_regression.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter13/ensembleexample/src/GradientBoostTree_regression.scala -------------------------------------------------------------------------------- /spark/chapter13/ensembleexample/src/test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter13/ensembleexample/src/test.txt -------------------------------------------------------------------------------- /spark/chapter13/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter5/decisiontreeexample/data/housing.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/decisiontreeexample/data/housing.txt -------------------------------------------------------------------------------- /spark/chapter5/decisiontreeexample/data/sample_libsvm_data.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/decisiontreeexample/data/sample_libsvm_data.txt -------------------------------------------------------------------------------- /spark/chapter5/decisiontreeexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter5/decisiontreeexample/result/classification.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/decisiontreeexample/result/classification.txt -------------------------------------------------------------------------------- /spark/chapter5/decisiontreeexample/result/regression.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/decisiontreeexample/result/regression.txt -------------------------------------------------------------------------------- /spark/chapter5/decisiontreeexample/src/decisiontree-classification.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/decisiontreeexample/src/decisiontree-classification.scala -------------------------------------------------------------------------------- /spark/chapter5/decisiontreeexample/src/decisiontree-regression.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/decisiontreeexample/src/decisiontree-regression.scala -------------------------------------------------------------------------------- /spark/chapter5/decisiontreeexample/src/decsiontree-test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/decisiontreeexample/src/decsiontree-test.txt -------------------------------------------------------------------------------- /spark/chapter5/randomforstexample/data/housing.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/randomforstexample/data/housing.txt -------------------------------------------------------------------------------- /spark/chapter5/randomforstexample/data/sample_libsvm_data.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/randomforstexample/data/sample_libsvm_data.txt -------------------------------------------------------------------------------- /spark/chapter5/randomforstexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter5/randomforstexample/result/RandomForest_regression.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/randomforstexample/result/RandomForest_regression.txt -------------------------------------------------------------------------------- /spark/chapter5/randomforstexample/result/RandomForests_classification.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/randomforstexample/result/RandomForests_classification.txt -------------------------------------------------------------------------------- /spark/chapter5/randomforstexample/src/RandomForest_regression.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/randomforstexample/src/RandomForest_regression.scala -------------------------------------------------------------------------------- /spark/chapter5/randomforstexample/src/RandomForests_classification.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/randomforstexample/src/RandomForests_classification.scala -------------------------------------------------------------------------------- /spark/chapter5/randomforstexample/src/test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter5/randomforstexample/src/test.txt -------------------------------------------------------------------------------- /spark/chapter5/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter6/knnexample/example-run: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/knnexample/example-run -------------------------------------------------------------------------------- /spark/chapter6/knnexample/project/Build.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/knnexample/project/Build.scala -------------------------------------------------------------------------------- /spark/chapter6/knnexample/project/META-INF/MANIFEST.MF: -------------------------------------------------------------------------------- 1 | Manifest-Version: 1.0 2 | 3 | -------------------------------------------------------------------------------- /spark/chapter6/knnexample/project/assembly.sbt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/knnexample/project/assembly.sbt -------------------------------------------------------------------------------- /spark/chapter6/knnexample/project/plugins.sbt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/knnexample/project/plugins.sbt -------------------------------------------------------------------------------- /spark/chapter6/knnexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter6/knnexample/src/Knn-recommender.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/knnexample/src/Knn-recommender.scala -------------------------------------------------------------------------------- /spark/chapter6/svmexample/build.sbt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/svmexample/build.sbt -------------------------------------------------------------------------------- /spark/chapter6/svmexample/doc/usage.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/svmexample/doc/usage.txt -------------------------------------------------------------------------------- /spark/chapter6/svmexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter6/svmexample/src/main/scala/KernelSVM.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/svmexample/src/main/scala/KernelSVM.scala -------------------------------------------------------------------------------- /spark/chapter6/svmexample/src/main/scala/Kernels.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/svmexample/src/main/scala/Kernels.scala -------------------------------------------------------------------------------- /spark/chapter6/svmexample/src/main/scala/main.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter6/svmexample/src/main/scala/main.scala -------------------------------------------------------------------------------- /spark/chapter7/aprioriexample/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/aprioriexample/pom.xml -------------------------------------------------------------------------------- /spark/chapter7/aprioriexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter7/aprioriexample/src/main/scala/default/Apriori.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/aprioriexample/src/main/scala/default/Apriori.scala -------------------------------------------------------------------------------- /spark/chapter7/aprioriexample/src/main/scala/default/BloomFilter.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/aprioriexample/src/main/scala/default/BloomFilter.scala -------------------------------------------------------------------------------- /spark/chapter7/aprioriexample/src/main/scala/default/FrequentItemSets.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/aprioriexample/src/main/scala/default/FrequentItemSets.scala -------------------------------------------------------------------------------- /spark/chapter7/aprioriexample/src/main/scala/default/NaiveFrequentItemSets.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/aprioriexample/src/main/scala/default/NaiveFrequentItemSets.scala -------------------------------------------------------------------------------- /spark/chapter7/aprioriexample/src/main/scala/default/TestMain.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/aprioriexample/src/main/scala/default/TestMain.scala -------------------------------------------------------------------------------- /spark/chapter7/fpgrowthexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter7/fpgrowthexample/src/main/scala/default/FPGrowth.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/fpgrowthexample/src/main/scala/default/FPGrowth.scala -------------------------------------------------------------------------------- /spark/chapter7/fpgrowthexample/src/main/scala/default/FPTree.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/fpgrowthexample/src/main/scala/default/FPTree.scala -------------------------------------------------------------------------------- /spark/chapter7/fpgrowthexample/src/main/scala/default/ParallelFPGrowth.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/fpgrowthexample/src/main/scala/default/ParallelFPGrowth.scala -------------------------------------------------------------------------------- /spark/chapter7/fpgrowthexample/src/main/scala/default/Test.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/fpgrowthexample/src/main/scala/default/Test.scala -------------------------------------------------------------------------------- /spark/chapter7/fpgrowthexample/src/main/scala/default/TreeNode.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter7/fpgrowthexample/src/main/scala/default/TreeNode.scala -------------------------------------------------------------------------------- /spark/chapter7/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter8/k-meansexample/build.sbt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter8/k-meansexample/build.sbt -------------------------------------------------------------------------------- /spark/chapter8/k-meansexample/input/centroids.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter8/k-meansexample/input/centroids.txt -------------------------------------------------------------------------------- /spark/chapter8/k-meansexample/input/points.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter8/k-meansexample/input/points.txt -------------------------------------------------------------------------------- /spark/chapter8/k-meansexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter8/k-meansexample/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter8/k-meansexample/run.sh -------------------------------------------------------------------------------- /spark/chapter8/k-meansexample/src/main/scala/default/KMeans.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter8/k-meansexample/src/main/scala/default/KMeans.scala -------------------------------------------------------------------------------- /spark/chapter8/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter9/naivebayesexample/build.sbt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter9/naivebayesexample/build.sbt -------------------------------------------------------------------------------- /spark/chapter9/naivebayesexample/download-reuters.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter9/naivebayesexample/download-reuters.sh -------------------------------------------------------------------------------- /spark/chapter9/naivebayesexample/project/plugins.sbt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter9/naivebayesexample/project/plugins.sbt -------------------------------------------------------------------------------- /spark/chapter9/naivebayesexample/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /spark/chapter9/naivebayesexample/src/main/scala/default/NaiveBayes.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter9/naivebayesexample/src/main/scala/default/NaiveBayes.scala -------------------------------------------------------------------------------- /spark/chapter9/naivebayesexample/src/main/scala/default/ReutersParser.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter9/naivebayesexample/src/main/scala/default/ReutersParser.scala -------------------------------------------------------------------------------- /spark/chapter9/naivebayesexample/src/main/scala/default/Tokenizer.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter9/naivebayesexample/src/main/scala/default/Tokenizer.scala -------------------------------------------------------------------------------- /spark/chapter9/naivebayesexample/src/main/scala/default/VectorUtil.scala: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PacktCode/Practical-Machine-Learning/HEAD/spark/chapter9/naivebayesexample/src/main/scala/default/VectorUtil.scala -------------------------------------------------------------------------------- /spark/chapter9/readme.md: -------------------------------------------------------------------------------- 1 | 2 | --------------------------------------------------------------------------------