├── .gitignore ├── LICENSE.txt ├── README.md ├── code ├── README.md ├── _convenience_scripts │ ├── blank_tocs │ │ ├── ch01.toc │ │ ├── ch02.toc │ │ ├── ch03.toc │ │ ├── ch04.toc │ │ ├── ch05.toc │ │ ├── ch06.toc │ │ ├── ch07.toc │ │ ├── ch08.toc │ │ ├── ch09.toc │ │ ├── ch10.toc │ │ ├── ch11.toc │ │ ├── ch12.toc │ │ └── ch13.toc │ ├── ipynb_toc_links.py │ └── md_toc.py ├── bonus │ ├── README.md │ ├── flask_webapp_ex01 │ │ ├── README.md │ │ ├── app.py │ │ ├── flask_webapp_ex01.zip │ │ ├── img │ │ │ └── img_1.png │ │ ├── static │ │ │ └── style.css │ │ └── templates │ │ │ ├── _formhelpers.html │ │ │ └── entry.html │ ├── images │ │ ├── logistic_regression_schematic.png │ │ ├── logistic_regression_schematic_2.png │ │ └── softmax_schematic_1.png │ ├── logistic_regression.ipynb │ ├── nested_cross_validation.ipynb │ ├── reading_mnist.ipynb │ ├── scikit-model-to-json.ipynb │ ├── sckit-model-to-json │ │ ├── attributes.json │ │ └── params.json │ ├── softmax-regression.ipynb │ └── svm_iris_pipeline_and_gridsearch.ipynb ├── ch01 │ ├── README.md │ ├── ch01.ipynb │ └── images │ │ ├── 01_01.png │ │ ├── 01_02.png │ │ ├── 01_03.png │ │ ├── 01_04.png │ │ ├── 01_05.png │ │ ├── 01_06.png │ │ ├── 01_07.png │ │ ├── 01_08.png │ │ ├── 01_09.png │ │ ├── ipynb_ex1.png │ │ └── ipynb_ex2.png ├── ch02 │ ├── README.md │ ├── ch02.ipynb │ └── images │ │ ├── 02_01.png │ │ ├── 02_02.png │ │ ├── 02_03.png │ │ ├── 02_04.png │ │ ├── 02_05.png │ │ ├── 02_06.png │ │ ├── 02_07.png │ │ ├── 02_08.png │ │ ├── 02_09.png │ │ ├── 02_10.png │ │ ├── 02_11.png │ │ ├── 02_12.png │ │ ├── 02_13.png │ │ └── 02_14.png ├── ch03 │ ├── README.md │ ├── ch03.ipynb │ └── images │ │ ├── 03_01.png │ │ ├── 03_02.png │ │ ├── 03_03.png │ │ ├── 03_04.png │ │ ├── 03_05.png │ │ ├── 03_06.png │ │ ├── 03_07.png │ │ ├── 03_08.png │ │ ├── 03_09.png │ │ ├── 03_10.png │ │ ├── 03_11.png │ │ ├── 03_12.png │ │ ├── 03_13.png │ │ ├── 03_14.png │ │ ├── 03_15.png │ │ ├── 03_16.png │ │ ├── 03_17.png │ │ ├── 03_18.png │ │ ├── 03_19.png │ │ ├── 03_20.png │ │ ├── 03_21.png │ │ ├── 03_22.png │ │ └── 03_23.png ├── ch04 │ ├── README.md │ ├── ch04.ipynb │ └── images │ │ ├── 04_01.png │ │ ├── 04_02.png │ │ ├── 04_03.png │ │ ├── 04_04.png │ │ ├── 04_05.png │ │ ├── 04_06.png │ │ ├── 04_07.png │ │ ├── 04_08.png │ │ ├── 04_09.png │ │ ├── 04_10.png │ │ ├── 04_11.png │ │ ├── 04_12.png │ │ ├── 04_13.png │ │ ├── 04_14.png │ │ ├── 04_15.png │ │ └── 04_16.png ├── ch05 │ ├── README.md │ ├── ch05.ipynb │ └── images │ │ ├── 05_01.png │ │ ├── 05_02.png │ │ ├── 05_03.png │ │ ├── 05_04.png │ │ ├── 05_05.png │ │ ├── 05_06.png │ │ ├── 05_07.png │ │ ├── 05_08.png │ │ ├── 05_09.png │ │ ├── 05_10.png │ │ ├── 05_11.png │ │ ├── 05_12.png │ │ ├── 05_13.png │ │ ├── 05_14.png │ │ ├── 05_15.png │ │ ├── 05_16.png │ │ ├── 05_17.png │ │ ├── 05_18.png │ │ └── 05_19.png ├── ch06 │ ├── README.md │ ├── ch06.ipynb │ └── images │ │ ├── 06_01.png │ │ ├── 06_02.png │ │ ├── 06_03.png │ │ ├── 06_04.png │ │ ├── 06_05.png │ │ ├── 06_06.png │ │ ├── 06_07.png │ │ ├── 06_08.png │ │ ├── 06_09.png │ │ └── 06_10.png ├── ch07 │ ├── README.md │ ├── ch07.ipynb │ └── images │ │ ├── 07_01.png │ │ ├── 07_02.png │ │ ├── 07_03.png │ │ ├── 07_04.png │ │ ├── 07_05.png │ │ ├── 07_06.png │ │ ├── 07_07.png │ │ ├── 07_08.png │ │ ├── 07_09.png │ │ ├── 07_10.png │ │ └── 07_11.png ├── ch08 │ ├── README.md │ ├── ch08.ipynb │ └── images │ │ └── 08_01.png ├── ch09 │ ├── 1st_flask_app_1 │ │ ├── app.py │ │ └── templates │ │ │ └── first_app.html │ ├── 1st_flask_app_2 │ │ ├── app.py │ │ ├── static │ │ │ └── style.css │ │ └── templates │ │ │ ├── _formhelpers.html │ │ │ ├── first_app.html │ │ │ └── hello.html │ ├── README.md │ ├── ch09.ipynb │ ├── images │ │ ├── 09_01.png │ │ ├── 09_02.png │ │ ├── 09_03.png │ │ ├── 09_04.png │ │ ├── 09_05.png │ │ ├── 09_06.png │ │ ├── 09_07.png │ │ └── 09_08.png │ ├── movieclassifier │ │ ├── app.py │ │ ├── pkl_objects │ │ │ ├── classifier.pkl │ │ │ └── stopwords.pkl │ │ ├── reviews.sqlite │ │ ├── static │ │ │ └── style.css │ │ ├── templates │ │ │ ├── _formhelpers.html │ │ │ ├── results.html │ │ │ ├── reviewform.html │ │ │ └── thanks.html │ │ └── vectorizer.py │ ├── movieclassifier_with_update │ │ ├── app.py │ │ ├── pkl_objects │ │ │ ├── classifier.pkl │ │ │ └── stopwords.pkl │ │ ├── reviews.sqlite │ │ ├── static │ │ │ └── style.css │ │ ├── templates │ │ │ ├── _formhelpers.html │ │ │ ├── results.html │ │ │ ├── reviewform.html │ │ │ └── thanks.html │ │ ├── update.py │ │ └── vectorizer.py │ └── pickle-test-scripts │ │ ├── README.md │ │ ├── movie_data_small.csv │ │ ├── pickle-dump-test.py │ │ ├── pickle-load-test.py │ │ └── vectorizer.py ├── ch10 │ ├── README.md │ ├── ch10.ipynb │ └── images │ │ ├── 10_01.png │ │ ├── 10_02.png │ │ ├── 10_03.png │ │ ├── 10_04.png │ │ ├── 10_05.png │ │ ├── 10_06.png │ │ ├── 10_07.png │ │ ├── 10_08.png │ │ ├── 10_09.png │ │ ├── 10_10.png │ │ ├── 10_11.png │ │ ├── 10_12.png │ │ ├── 10_13.png │ │ └── 10_14.png ├── ch11 │ ├── README.md │ ├── ch11.ipynb │ └── images │ │ ├── 11_01.png │ │ ├── 11_02.png │ │ ├── 11_03.png │ │ ├── 11_04.png │ │ ├── 11_05.png │ │ ├── 11_06.png │ │ ├── 11_07.png │ │ ├── 11_08.png │ │ ├── 11_09.png │ │ ├── 11_10.png │ │ ├── 11_11.png │ │ ├── 11_12.png │ │ ├── 11_13.png │ │ ├── 11_14.png │ │ ├── 11_15.png │ │ └── 11_16.png ├── ch12 │ ├── README.md │ ├── ch12.ipynb │ └── images │ │ ├── 12_01.png │ │ ├── 12_02.png │ │ ├── 12_03.png │ │ ├── 12_04.png │ │ ├── 12_05.png │ │ ├── 12_06.png │ │ ├── 12_07.png │ │ ├── 12_08.png │ │ ├── 12_09.png │ │ ├── 12_10.png │ │ ├── 12_11.png │ │ ├── 12_12.png │ │ ├── 12_13.png │ │ ├── 12_14.png │ │ ├── 12_15.png │ │ ├── 12_16.png │ │ └── 12_17.png ├── ch13 │ ├── README.md │ ├── ch13.ipynb │ ├── images │ │ ├── 13_01.png │ │ ├── 13_02.png │ │ ├── 13_03.png │ │ ├── 13_04.png │ │ └── 13_05.png │ └── mnist_keras_mlp.py ├── datasets │ ├── README.md │ ├── housing │ │ ├── README.md │ │ ├── housing.data │ │ └── housing.names.txt │ ├── iris │ │ ├── README.md │ │ ├── iris.data │ │ └── iris.names.txt │ ├── mnist │ │ ├── README.md │ │ ├── t10k-images-idx3-ubyte.gz │ │ ├── t10k-labels-idx1-ubyte.gz │ │ ├── train-images-idx3-ubyte.gz │ │ └── train-labels-idx1-ubyte.gz │ ├── movie │ │ ├── README.md │ │ └── movie_data.csv.zip │ ├── wdbc │ │ ├── README.md │ │ ├── wdbc.data │ │ └── wdbc.names.txt │ └── wine │ │ ├── README.md │ │ ├── wine.data │ │ └── wine.names.txt └── optional-py-scripts │ ├── ch02.py │ ├── ch03.py │ ├── ch04.py │ ├── ch05.py │ ├── ch06.py │ ├── ch07.py │ ├── ch08.py │ ├── ch09.py │ ├── ch10.py │ ├── ch11.py │ ├── ch12.py │ └── ch13.py ├── docs ├── 2016-03-03-unicef.pdf ├── 2016-04-07-unicef.pdf ├── equations │ ├── pymle-equations.pdf │ ├── pymle-equations.tex │ └── pymle-equations.toc ├── errata.md ├── feedback.md ├── foreword_ro.pdf ├── images │ ├── armand_g_tweet.png │ ├── boris_tweet.png │ ├── claus_tweet.png │ ├── dataelixir.png │ ├── errata │ │ ├── errata_2015-10-20.png │ │ └── errata_2016-04-22.jpg │ ├── jason_tweet.png │ ├── jonathon_m_tweet.png │ ├── josiah_tweet.png │ ├── matteo_tweet.png │ ├── matthew_m_tweet.png │ ├── penghui_tweet.png │ └── yong_cho_tweet.png ├── preface_sr.pdf ├── pymle.bib └── references.md ├── faq ├── README.md ├── bag-of-words-sparsity.md ├── bagging-boosting-rf.md ├── bagging-boosting-rf │ ├── bagging-regions.png │ ├── bagging.png │ ├── boosting-regions.png │ └── boosting.png ├── best-ml-algo.md ├── choosing-technique.md ├── choosing-technique │ └── scikit-cheatsheet.png ├── classifier-categories.md ├── classifier-history.md ├── classifier-history │ ├── activation-functions.png │ ├── adaline.png │ ├── lda.png │ ├── perceptron-figure.png │ └── perceptron-rule.png ├── classifier_categories │ └── master_chart.jpg ├── clf-behavior-data.md ├── clf-behavior-data │ ├── circles.png │ ├── iris.png │ ├── moons.png │ └── xor.png ├── closed-form-vs-gd.md ├── closed-form-vs-gd │ ├── adaptive_learning.png │ ├── ball.png │ ├── closed-form.png │ ├── decrease_const.png │ ├── dw.png │ ├── iter_gd.png │ ├── iter_sgd.png │ ├── j.png │ ├── linear_model.png │ ├── simple_regression.png │ ├── sse_mse.png │ ├── w_upd.png │ └── w_upd_expl.png ├── computing-the-f1-score.md ├── copyright.md ├── cost-vs-loss.md ├── data-science-career.md ├── datamining-overview.md ├── datamining-vs-ml.md ├── dataprep-vs-dataengin.md ├── datascience-ml.md ├── datascience-ml │ └── ml-overview.jpg ├── decision-tree-binary.md ├── decision-tree-binary │ ├── calc_1.png │ ├── calc_2.png │ ├── calc_3.png │ ├── calc_5.png │ ├── calc_6.png │ ├── empty-classes.png │ ├── entropy.png │ ├── error.png │ ├── gini-impurity.png │ ├── information-gain-2.png │ ├── information-gain.png │ ├── overview-plot.png │ └── split.png ├── decision-tree-disadvantages.md ├── decisiontree-error-vs-entropy.md ├── decisiontree-error-vs-entropy │ ├── Slide1.png │ ├── Slide2.png │ ├── Slide3.png │ ├── decisiontree-error-vs-entropy.ipynb │ ├── decisiontree-error-vs-entropy.pptx │ ├── entropy_annotated.png │ ├── entropy_eq.png │ ├── entropy_plot.png │ ├── error_eq.png │ ├── error_plot.png │ ├── ig.png │ └── ig_xp.png ├── deep-learning-resources.md ├── deeplearn-vs-svm-randomforest.md ├── deeplearning-criticism.md ├── definition_data-science.md ├── diff-perceptron-adaline-neuralnet.md ├── diff-perceptron-adaline-neuralnet │ ├── 1.png │ ├── 2.png │ ├── 3.png │ ├── 4.png │ ├── 5.png │ ├── 6.png │ ├── 7.png │ └── 8.png ├── difference-deep-and-normal-learning.md ├── difference-deep-and-normal-learning │ ├── convnet.png │ ├── convolution.png │ └── mlp.png ├── difference_classifier_model.md ├── different.md ├── dimensionality-reduction.md ├── dimensionality-reduction │ ├── lle.png │ ├── rbf-kpca.png │ └── swiss-roll.png ├── dropout.md ├── euclidean-distance.md ├── euclidean-distance │ ├── eucl-1.png │ └── eucl-2.png ├── evaluate-a-model.md ├── evaluate-a-model │ ├── evaluate_overview.png │ ├── k-fold.png │ └── nested-k-fold.png ├── feature_sele_categories.md ├── implementing-from-scratch.md ├── inventing-deeplearning.md ├── issues-with-clustering.md ├── issues-with-clustering │ ├── clusters_kmeans.png │ ├── clusters_unlabeled.png │ ├── elbow.png │ ├── silhouette_bad.png │ └── silhouette_good.png ├── large-num-features.md ├── large-num-features │ ├── concentric-circles.png │ ├── kpca-pc1.png │ ├── lle1.png │ ├── lle2.png │ ├── pca-pc1.png │ └── swiss-roll.png ├── lazy-knn.md ├── lda-vs-pca.md ├── lda-vs-pca │ ├── lda.png │ └── pca.png ├── linear-gradient-derivative.md ├── linear-gradient-derivative │ ├── 1.png │ ├── 10.png │ ├── 11.png │ ├── 12.png │ ├── 13.png │ ├── 14.png │ ├── 15.png │ ├── 16.png │ ├── 17.png │ ├── 18.png │ ├── 19.png │ ├── 2.png │ ├── 20.png │ ├── 21.png │ ├── 22.png │ ├── 23.png │ ├── 3.png │ ├── 4.png │ ├── 5.png │ ├── 6.png │ ├── 7.png │ ├── 8.png │ ├── 9.png │ └── regression-vs-adaline.png ├── logistic-analytical.md ├── logistic-boosting.md ├── logistic-why-sigmoid.md ├── logistic-why-sigmoid │ ├── 1.png │ ├── 2.png │ ├── 3.png │ ├── 4.png │ ├── 5.png │ ├── 6.png │ └── 7.png ├── logistic_regression_linear.md ├── logistic_regression_linear │ ├── 1.png │ ├── 2.png │ ├── 3.png │ └── 4.png ├── logisticregr-neuralnet.md ├── logisticregr-neuralnet │ ├── log-tanh.png │ ├── mlp.png │ ├── onehot.png │ ├── schematic.png │ ├── sigmoid.png │ ├── softmax.png │ └── unconvex.png ├── many-deeplearning-libs.md ├── median-vs-mean.md ├── median-vs-mean │ ├── FGCU_salary_dataset.csv │ ├── mean-vs-median.ipynb │ ├── salary.png │ └── std-normal.png ├── mentor.md ├── missing-data.md ├── ml-curriculum.md ├── ml-curriculum │ ├── bengio.png │ ├── bishop.jpeg │ ├── domingos.png │ ├── duda.jpg │ ├── ng.png │ ├── raschka.jpeg │ ├── tan.jpeg │ ├── three.png │ └── tibshirani.jpeg ├── ml-examples.md ├── ml-examples │ ├── fb.png │ ├── google.png │ ├── hiv-protease.png │ ├── letter.jpg │ ├── stars.jpg │ └── stock-market.png ├── ml-origins.md ├── ml-python-communities.md ├── ml-solvable.md ├── ml-solvable │ ├── bias-variance.png │ ├── learning_curve.png │ └── param_curve.png ├── ml-to-a-programmer.md ├── model-selection-in-datascience.md ├── multiclass-metric.md ├── multiclass-metric │ ├── conf_mat.png │ ├── macro.png │ ├── mcc.png │ ├── micro.png │ └── pre-rec.png ├── naive-bayes-boundary.md ├── naive-bayes-boundary │ ├── gaussian_1.png │ └── gaussian_2.png ├── naive-bayes-vartypes.md ├── naive-bayes-vartypes │ ├── bayes-theorem-in-words.png │ ├── bayes-theorem-notation.png │ ├── bayes-theorem.png │ ├── combined.png │ ├── gaussian-likelihood.png │ ├── likelihood-bernoulli.png │ ├── multi-variate-bernoulli.png │ ├── naive-bayes-decision.png │ ├── naive-bayes-likelihood.png │ └── naive-bayes-likelihood_shorter.png ├── naive-bayes-vs-logistic-regression.md ├── naive-naive-bayes.md ├── naive-naive-bayes │ ├── bayes-theorem-english.png │ ├── bayes_theorem.png │ ├── decision_rule.png │ ├── let.png │ └── likelihood.png ├── neuralnet-error.md ├── neuralnet-error │ ├── approx-grad-1.png │ ├── approx-grad-2.png │ ├── approx-grad-3.png │ ├── approx-grad-4.png │ ├── momentum.png │ └── standardizing.png ├── nnet-debugging-checklist.md ├── num-support-vectors.md ├── number-of-kfolds.md ├── open-source.md ├── overfitting.md ├── overfitting │ └── learning_curve_1.png ├── parametric_vs_nonparametric.md ├── pca-scaling.md ├── pca-scaling │ ├── 1.png │ ├── 10.png │ ├── 11.png │ ├── 2.png │ ├── 3.png │ ├── 4.png │ ├── 5.png │ ├── 6.png │ ├── 7.png │ ├── 8.png │ └── 9.png ├── pearson-r-vs-linear-regr.md ├── pearson-r-vs-linear-regr │ ├── covariance.png │ ├── example-1-fit.png │ ├── example-1.png │ ├── example-2-fit.png │ ├── example-2.png │ ├── intercept.png │ ├── pearson.png │ ├── sigma.png │ ├── slope.png │ ├── slope_r.png │ ├── slope_rewrite.png │ └── standardize.png ├── prerequisites.md ├── probablistic-logistic-regression.md ├── probablistic-logistic-regression │ ├── 1.png │ ├── 2.png │ ├── 3.png │ ├── 4.png │ ├── 5.png │ ├── 6.png │ ├── 7.png │ ├── 8.png │ └── 9.png ├── py2py3.md ├── r-in-datascience.md ├── random-forest-perform-terribly.md ├── regularized-logistic-regression-performance.md ├── regularized-logistic-regression-performance │ ├── l2-term.png │ ├── regularized.png │ └── unregularized.png ├── return_self_idiom.md ├── scale-training-test.md ├── select_svm_kernels.md ├── select_svm_kernels │ ├── 1.png │ ├── 2.png │ ├── 3.png │ ├── 4.png │ └── 5.png ├── semi-vs-supervised.md ├── softmax.md ├── softmax │ ├── logistic.png │ ├── net_input.png │ └── softmax_1.png ├── softmax_regression.md ├── softmax_regression │ ├── 1.png │ ├── 10.png │ ├── 11.png │ ├── 12.png │ ├── 13.png │ ├── 14.png │ ├── 15.png │ ├── 2.png │ ├── 3.png │ ├── 4.png │ ├── 5.png │ ├── 6.png │ ├── 7.png │ ├── 8.png │ ├── 9.png │ └── logistic_regression_schematic.png ├── standardize-param-reuse.md ├── technologies.md ├── tensorflow-vs-scikitlearn.md ├── tensorflow-vs-scikitlearn │ ├── scikit-softmax.png │ ├── tf_cost.png │ └── tf_softmax.png ├── underscore-convention.md ├── version.md ├── visual-backpropagation.md ├── visual-backpropagation │ ├── backpropagation.png │ ├── chain_rule_1.png │ ├── chain_rule_2.png │ ├── forward-propagation.png │ └── nonconvex-cost.png ├── when-to-standardize.md ├── why-python.md └── why-python │ ├── automation.png │ ├── heatmap.png │ ├── ipython_notebook.png │ ├── julia_benchmark.png │ ├── python.png │ ├── revor.png │ ├── spectrum.jpg │ ├── the_general_problem.png │ └── tiobe.png └── images ├── cover_1.png ├── image_gallery └── README.md ├── ml-overview.jpg ├── mlxtend_logo.png ├── pymle-cover_de.jpg ├── pymle-cover_jp.jpg ├── pymle_amzn.png ├── pymle_cover.jpg ├── pymle_cover_small.jpg └── scipy2016.jpg /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/LICENSE.txt -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/README.md -------------------------------------------------------------------------------- /code/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/README.md -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch01.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch01.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch02.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch02.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch03.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch03.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch04.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch04.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch05.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch05.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch06.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch06.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch07.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch07.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch08.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch08.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch09.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch09.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch10.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch10.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch11.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch11.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch12.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch12.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/blank_tocs/ch13.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/blank_tocs/ch13.toc -------------------------------------------------------------------------------- /code/_convenience_scripts/ipynb_toc_links.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/ipynb_toc_links.py -------------------------------------------------------------------------------- /code/_convenience_scripts/md_toc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/_convenience_scripts/md_toc.py -------------------------------------------------------------------------------- /code/bonus/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/README.md -------------------------------------------------------------------------------- /code/bonus/flask_webapp_ex01/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/flask_webapp_ex01/README.md -------------------------------------------------------------------------------- /code/bonus/flask_webapp_ex01/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/flask_webapp_ex01/app.py -------------------------------------------------------------------------------- /code/bonus/flask_webapp_ex01/flask_webapp_ex01.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/flask_webapp_ex01/flask_webapp_ex01.zip -------------------------------------------------------------------------------- /code/bonus/flask_webapp_ex01/img/img_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/flask_webapp_ex01/img/img_1.png -------------------------------------------------------------------------------- /code/bonus/flask_webapp_ex01/static/style.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/flask_webapp_ex01/static/style.css -------------------------------------------------------------------------------- /code/bonus/flask_webapp_ex01/templates/_formhelpers.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/flask_webapp_ex01/templates/_formhelpers.html -------------------------------------------------------------------------------- /code/bonus/flask_webapp_ex01/templates/entry.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/flask_webapp_ex01/templates/entry.html -------------------------------------------------------------------------------- /code/bonus/images/logistic_regression_schematic.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/images/logistic_regression_schematic.png -------------------------------------------------------------------------------- /code/bonus/images/logistic_regression_schematic_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/images/logistic_regression_schematic_2.png -------------------------------------------------------------------------------- /code/bonus/images/softmax_schematic_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/images/softmax_schematic_1.png -------------------------------------------------------------------------------- /code/bonus/logistic_regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/logistic_regression.ipynb -------------------------------------------------------------------------------- /code/bonus/nested_cross_validation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/nested_cross_validation.ipynb -------------------------------------------------------------------------------- /code/bonus/reading_mnist.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/reading_mnist.ipynb -------------------------------------------------------------------------------- /code/bonus/scikit-model-to-json.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/scikit-model-to-json.ipynb -------------------------------------------------------------------------------- /code/bonus/sckit-model-to-json/attributes.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/sckit-model-to-json/attributes.json -------------------------------------------------------------------------------- /code/bonus/sckit-model-to-json/params.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/sckit-model-to-json/params.json -------------------------------------------------------------------------------- /code/bonus/softmax-regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/softmax-regression.ipynb -------------------------------------------------------------------------------- /code/bonus/svm_iris_pipeline_and_gridsearch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/bonus/svm_iris_pipeline_and_gridsearch.ipynb -------------------------------------------------------------------------------- /code/ch01/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/README.md -------------------------------------------------------------------------------- /code/ch01/ch01.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/ch01.ipynb -------------------------------------------------------------------------------- /code/ch01/images/01_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_01.png -------------------------------------------------------------------------------- /code/ch01/images/01_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_02.png -------------------------------------------------------------------------------- /code/ch01/images/01_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_03.png -------------------------------------------------------------------------------- /code/ch01/images/01_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_04.png -------------------------------------------------------------------------------- /code/ch01/images/01_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_05.png -------------------------------------------------------------------------------- /code/ch01/images/01_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_06.png -------------------------------------------------------------------------------- /code/ch01/images/01_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_07.png -------------------------------------------------------------------------------- /code/ch01/images/01_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_08.png -------------------------------------------------------------------------------- /code/ch01/images/01_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/01_09.png -------------------------------------------------------------------------------- /code/ch01/images/ipynb_ex1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/ipynb_ex1.png -------------------------------------------------------------------------------- /code/ch01/images/ipynb_ex2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch01/images/ipynb_ex2.png -------------------------------------------------------------------------------- /code/ch02/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/README.md -------------------------------------------------------------------------------- /code/ch02/ch02.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/ch02.ipynb -------------------------------------------------------------------------------- /code/ch02/images/02_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_01.png -------------------------------------------------------------------------------- /code/ch02/images/02_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_02.png -------------------------------------------------------------------------------- /code/ch02/images/02_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_03.png -------------------------------------------------------------------------------- /code/ch02/images/02_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_04.png -------------------------------------------------------------------------------- /code/ch02/images/02_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_05.png -------------------------------------------------------------------------------- /code/ch02/images/02_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_06.png -------------------------------------------------------------------------------- /code/ch02/images/02_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_07.png -------------------------------------------------------------------------------- /code/ch02/images/02_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_08.png -------------------------------------------------------------------------------- /code/ch02/images/02_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_09.png -------------------------------------------------------------------------------- /code/ch02/images/02_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_10.png -------------------------------------------------------------------------------- /code/ch02/images/02_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_11.png -------------------------------------------------------------------------------- /code/ch02/images/02_12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_12.png -------------------------------------------------------------------------------- /code/ch02/images/02_13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_13.png -------------------------------------------------------------------------------- /code/ch02/images/02_14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch02/images/02_14.png -------------------------------------------------------------------------------- /code/ch03/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/README.md -------------------------------------------------------------------------------- /code/ch03/ch03.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/ch03.ipynb -------------------------------------------------------------------------------- /code/ch03/images/03_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_01.png -------------------------------------------------------------------------------- /code/ch03/images/03_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_02.png -------------------------------------------------------------------------------- /code/ch03/images/03_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_03.png -------------------------------------------------------------------------------- /code/ch03/images/03_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_04.png -------------------------------------------------------------------------------- /code/ch03/images/03_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_05.png -------------------------------------------------------------------------------- /code/ch03/images/03_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_06.png -------------------------------------------------------------------------------- /code/ch03/images/03_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_07.png -------------------------------------------------------------------------------- /code/ch03/images/03_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_08.png -------------------------------------------------------------------------------- /code/ch03/images/03_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_09.png -------------------------------------------------------------------------------- /code/ch03/images/03_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_10.png -------------------------------------------------------------------------------- /code/ch03/images/03_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_11.png -------------------------------------------------------------------------------- /code/ch03/images/03_12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_12.png -------------------------------------------------------------------------------- /code/ch03/images/03_13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_13.png -------------------------------------------------------------------------------- /code/ch03/images/03_14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_14.png -------------------------------------------------------------------------------- /code/ch03/images/03_15.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_15.png -------------------------------------------------------------------------------- /code/ch03/images/03_16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_16.png -------------------------------------------------------------------------------- /code/ch03/images/03_17.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_17.png -------------------------------------------------------------------------------- /code/ch03/images/03_18.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_18.png -------------------------------------------------------------------------------- /code/ch03/images/03_19.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_19.png -------------------------------------------------------------------------------- /code/ch03/images/03_20.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_20.png -------------------------------------------------------------------------------- /code/ch03/images/03_21.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_21.png -------------------------------------------------------------------------------- /code/ch03/images/03_22.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_22.png -------------------------------------------------------------------------------- /code/ch03/images/03_23.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch03/images/03_23.png -------------------------------------------------------------------------------- /code/ch04/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/README.md -------------------------------------------------------------------------------- /code/ch04/ch04.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/ch04.ipynb -------------------------------------------------------------------------------- /code/ch04/images/04_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_01.png -------------------------------------------------------------------------------- /code/ch04/images/04_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_02.png -------------------------------------------------------------------------------- /code/ch04/images/04_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_03.png -------------------------------------------------------------------------------- /code/ch04/images/04_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_04.png -------------------------------------------------------------------------------- /code/ch04/images/04_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_05.png -------------------------------------------------------------------------------- /code/ch04/images/04_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_06.png -------------------------------------------------------------------------------- /code/ch04/images/04_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_07.png -------------------------------------------------------------------------------- /code/ch04/images/04_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_08.png -------------------------------------------------------------------------------- /code/ch04/images/04_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_09.png -------------------------------------------------------------------------------- /code/ch04/images/04_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_10.png -------------------------------------------------------------------------------- /code/ch04/images/04_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_11.png -------------------------------------------------------------------------------- /code/ch04/images/04_12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_12.png -------------------------------------------------------------------------------- /code/ch04/images/04_13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_13.png -------------------------------------------------------------------------------- /code/ch04/images/04_14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_14.png -------------------------------------------------------------------------------- /code/ch04/images/04_15.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_15.png -------------------------------------------------------------------------------- /code/ch04/images/04_16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch04/images/04_16.png -------------------------------------------------------------------------------- /code/ch05/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/README.md -------------------------------------------------------------------------------- /code/ch05/ch05.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/ch05.ipynb -------------------------------------------------------------------------------- /code/ch05/images/05_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_01.png -------------------------------------------------------------------------------- /code/ch05/images/05_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_02.png -------------------------------------------------------------------------------- /code/ch05/images/05_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_03.png -------------------------------------------------------------------------------- /code/ch05/images/05_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_04.png -------------------------------------------------------------------------------- /code/ch05/images/05_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_05.png -------------------------------------------------------------------------------- /code/ch05/images/05_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_06.png -------------------------------------------------------------------------------- /code/ch05/images/05_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_07.png -------------------------------------------------------------------------------- /code/ch05/images/05_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_08.png -------------------------------------------------------------------------------- /code/ch05/images/05_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_09.png -------------------------------------------------------------------------------- /code/ch05/images/05_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_10.png -------------------------------------------------------------------------------- /code/ch05/images/05_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_11.png -------------------------------------------------------------------------------- /code/ch05/images/05_12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_12.png -------------------------------------------------------------------------------- /code/ch05/images/05_13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_13.png -------------------------------------------------------------------------------- /code/ch05/images/05_14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_14.png -------------------------------------------------------------------------------- /code/ch05/images/05_15.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_15.png -------------------------------------------------------------------------------- /code/ch05/images/05_16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_16.png -------------------------------------------------------------------------------- /code/ch05/images/05_17.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_17.png -------------------------------------------------------------------------------- /code/ch05/images/05_18.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_18.png -------------------------------------------------------------------------------- /code/ch05/images/05_19.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch05/images/05_19.png -------------------------------------------------------------------------------- /code/ch06/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/README.md -------------------------------------------------------------------------------- /code/ch06/ch06.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/ch06.ipynb -------------------------------------------------------------------------------- /code/ch06/images/06_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_01.png -------------------------------------------------------------------------------- /code/ch06/images/06_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_02.png -------------------------------------------------------------------------------- /code/ch06/images/06_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_03.png -------------------------------------------------------------------------------- /code/ch06/images/06_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_04.png -------------------------------------------------------------------------------- /code/ch06/images/06_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_05.png -------------------------------------------------------------------------------- /code/ch06/images/06_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_06.png -------------------------------------------------------------------------------- /code/ch06/images/06_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_07.png -------------------------------------------------------------------------------- /code/ch06/images/06_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_08.png -------------------------------------------------------------------------------- /code/ch06/images/06_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_09.png -------------------------------------------------------------------------------- /code/ch06/images/06_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch06/images/06_10.png -------------------------------------------------------------------------------- /code/ch07/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/README.md -------------------------------------------------------------------------------- /code/ch07/ch07.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/ch07.ipynb -------------------------------------------------------------------------------- /code/ch07/images/07_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_01.png -------------------------------------------------------------------------------- /code/ch07/images/07_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_02.png -------------------------------------------------------------------------------- /code/ch07/images/07_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_03.png -------------------------------------------------------------------------------- /code/ch07/images/07_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_04.png -------------------------------------------------------------------------------- /code/ch07/images/07_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_05.png -------------------------------------------------------------------------------- /code/ch07/images/07_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_06.png -------------------------------------------------------------------------------- /code/ch07/images/07_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_07.png -------------------------------------------------------------------------------- /code/ch07/images/07_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_08.png -------------------------------------------------------------------------------- /code/ch07/images/07_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_09.png -------------------------------------------------------------------------------- /code/ch07/images/07_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_10.png -------------------------------------------------------------------------------- /code/ch07/images/07_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch07/images/07_11.png -------------------------------------------------------------------------------- /code/ch08/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch08/README.md -------------------------------------------------------------------------------- /code/ch08/ch08.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch08/ch08.ipynb -------------------------------------------------------------------------------- /code/ch08/images/08_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch08/images/08_01.png -------------------------------------------------------------------------------- /code/ch09/1st_flask_app_1/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/1st_flask_app_1/app.py -------------------------------------------------------------------------------- /code/ch09/1st_flask_app_1/templates/first_app.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/1st_flask_app_1/templates/first_app.html -------------------------------------------------------------------------------- /code/ch09/1st_flask_app_2/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/1st_flask_app_2/app.py -------------------------------------------------------------------------------- /code/ch09/1st_flask_app_2/static/style.css: -------------------------------------------------------------------------------- 1 | body { 2 | font-size: 2em; 3 | } -------------------------------------------------------------------------------- /code/ch09/1st_flask_app_2/templates/_formhelpers.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/1st_flask_app_2/templates/_formhelpers.html -------------------------------------------------------------------------------- /code/ch09/1st_flask_app_2/templates/first_app.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/1st_flask_app_2/templates/first_app.html -------------------------------------------------------------------------------- /code/ch09/1st_flask_app_2/templates/hello.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/1st_flask_app_2/templates/hello.html -------------------------------------------------------------------------------- /code/ch09/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/README.md -------------------------------------------------------------------------------- /code/ch09/ch09.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/ch09.ipynb -------------------------------------------------------------------------------- /code/ch09/images/09_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/images/09_01.png -------------------------------------------------------------------------------- /code/ch09/images/09_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/images/09_02.png -------------------------------------------------------------------------------- /code/ch09/images/09_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/images/09_03.png -------------------------------------------------------------------------------- /code/ch09/images/09_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/images/09_04.png -------------------------------------------------------------------------------- /code/ch09/images/09_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/images/09_05.png -------------------------------------------------------------------------------- /code/ch09/images/09_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/images/09_06.png -------------------------------------------------------------------------------- /code/ch09/images/09_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/images/09_07.png -------------------------------------------------------------------------------- /code/ch09/images/09_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/images/09_08.png -------------------------------------------------------------------------------- /code/ch09/movieclassifier/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/app.py -------------------------------------------------------------------------------- /code/ch09/movieclassifier/pkl_objects/classifier.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/pkl_objects/classifier.pkl -------------------------------------------------------------------------------- /code/ch09/movieclassifier/pkl_objects/stopwords.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/pkl_objects/stopwords.pkl -------------------------------------------------------------------------------- /code/ch09/movieclassifier/reviews.sqlite: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/reviews.sqlite -------------------------------------------------------------------------------- /code/ch09/movieclassifier/static/style.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/static/style.css -------------------------------------------------------------------------------- /code/ch09/movieclassifier/templates/_formhelpers.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/templates/_formhelpers.html -------------------------------------------------------------------------------- /code/ch09/movieclassifier/templates/results.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/templates/results.html -------------------------------------------------------------------------------- /code/ch09/movieclassifier/templates/reviewform.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/templates/reviewform.html -------------------------------------------------------------------------------- /code/ch09/movieclassifier/templates/thanks.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/templates/thanks.html -------------------------------------------------------------------------------- /code/ch09/movieclassifier/vectorizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier/vectorizer.py -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/app.py -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/pkl_objects/classifier.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/pkl_objects/classifier.pkl -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/pkl_objects/stopwords.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/pkl_objects/stopwords.pkl -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/reviews.sqlite: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/reviews.sqlite -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/static/style.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/static/style.css -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/templates/_formhelpers.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/templates/_formhelpers.html -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/templates/results.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/templates/results.html -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/templates/reviewform.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/templates/reviewform.html -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/templates/thanks.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/templates/thanks.html -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/update.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/update.py -------------------------------------------------------------------------------- /code/ch09/movieclassifier_with_update/vectorizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/movieclassifier_with_update/vectorizer.py -------------------------------------------------------------------------------- /code/ch09/pickle-test-scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/pickle-test-scripts/README.md -------------------------------------------------------------------------------- /code/ch09/pickle-test-scripts/movie_data_small.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/pickle-test-scripts/movie_data_small.csv -------------------------------------------------------------------------------- /code/ch09/pickle-test-scripts/pickle-dump-test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/pickle-test-scripts/pickle-dump-test.py -------------------------------------------------------------------------------- /code/ch09/pickle-test-scripts/pickle-load-test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/pickle-test-scripts/pickle-load-test.py -------------------------------------------------------------------------------- /code/ch09/pickle-test-scripts/vectorizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch09/pickle-test-scripts/vectorizer.py -------------------------------------------------------------------------------- /code/ch10/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/README.md -------------------------------------------------------------------------------- /code/ch10/ch10.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/ch10.ipynb -------------------------------------------------------------------------------- /code/ch10/images/10_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_01.png -------------------------------------------------------------------------------- /code/ch10/images/10_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_02.png -------------------------------------------------------------------------------- /code/ch10/images/10_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_03.png -------------------------------------------------------------------------------- /code/ch10/images/10_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_04.png -------------------------------------------------------------------------------- /code/ch10/images/10_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_05.png -------------------------------------------------------------------------------- /code/ch10/images/10_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_06.png -------------------------------------------------------------------------------- /code/ch10/images/10_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_07.png -------------------------------------------------------------------------------- /code/ch10/images/10_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_08.png -------------------------------------------------------------------------------- /code/ch10/images/10_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_09.png -------------------------------------------------------------------------------- /code/ch10/images/10_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_10.png -------------------------------------------------------------------------------- /code/ch10/images/10_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_11.png -------------------------------------------------------------------------------- /code/ch10/images/10_12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_12.png -------------------------------------------------------------------------------- /code/ch10/images/10_13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_13.png -------------------------------------------------------------------------------- /code/ch10/images/10_14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch10/images/10_14.png -------------------------------------------------------------------------------- /code/ch11/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/README.md -------------------------------------------------------------------------------- /code/ch11/ch11.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/ch11.ipynb -------------------------------------------------------------------------------- /code/ch11/images/11_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_01.png -------------------------------------------------------------------------------- /code/ch11/images/11_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_02.png -------------------------------------------------------------------------------- /code/ch11/images/11_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_03.png -------------------------------------------------------------------------------- /code/ch11/images/11_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_04.png -------------------------------------------------------------------------------- /code/ch11/images/11_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_05.png -------------------------------------------------------------------------------- /code/ch11/images/11_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_06.png -------------------------------------------------------------------------------- /code/ch11/images/11_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_07.png -------------------------------------------------------------------------------- /code/ch11/images/11_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_08.png -------------------------------------------------------------------------------- /code/ch11/images/11_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_09.png -------------------------------------------------------------------------------- /code/ch11/images/11_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_10.png -------------------------------------------------------------------------------- /code/ch11/images/11_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_11.png -------------------------------------------------------------------------------- /code/ch11/images/11_12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_12.png -------------------------------------------------------------------------------- /code/ch11/images/11_13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_13.png -------------------------------------------------------------------------------- /code/ch11/images/11_14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_14.png -------------------------------------------------------------------------------- /code/ch11/images/11_15.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_15.png -------------------------------------------------------------------------------- /code/ch11/images/11_16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch11/images/11_16.png -------------------------------------------------------------------------------- /code/ch12/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/README.md -------------------------------------------------------------------------------- /code/ch12/ch12.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/ch12.ipynb -------------------------------------------------------------------------------- /code/ch12/images/12_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_01.png -------------------------------------------------------------------------------- /code/ch12/images/12_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_02.png -------------------------------------------------------------------------------- /code/ch12/images/12_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_03.png -------------------------------------------------------------------------------- /code/ch12/images/12_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_04.png -------------------------------------------------------------------------------- /code/ch12/images/12_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_05.png -------------------------------------------------------------------------------- /code/ch12/images/12_06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_06.png -------------------------------------------------------------------------------- /code/ch12/images/12_07.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_07.png -------------------------------------------------------------------------------- /code/ch12/images/12_08.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_08.png -------------------------------------------------------------------------------- /code/ch12/images/12_09.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_09.png -------------------------------------------------------------------------------- /code/ch12/images/12_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_10.png -------------------------------------------------------------------------------- /code/ch12/images/12_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_11.png -------------------------------------------------------------------------------- /code/ch12/images/12_12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_12.png -------------------------------------------------------------------------------- /code/ch12/images/12_13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_13.png -------------------------------------------------------------------------------- /code/ch12/images/12_14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_14.png -------------------------------------------------------------------------------- /code/ch12/images/12_15.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_15.png -------------------------------------------------------------------------------- /code/ch12/images/12_16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_16.png -------------------------------------------------------------------------------- /code/ch12/images/12_17.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch12/images/12_17.png -------------------------------------------------------------------------------- /code/ch13/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch13/README.md -------------------------------------------------------------------------------- /code/ch13/ch13.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch13/ch13.ipynb -------------------------------------------------------------------------------- /code/ch13/images/13_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch13/images/13_01.png -------------------------------------------------------------------------------- /code/ch13/images/13_02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch13/images/13_02.png -------------------------------------------------------------------------------- /code/ch13/images/13_03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch13/images/13_03.png -------------------------------------------------------------------------------- /code/ch13/images/13_04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch13/images/13_04.png -------------------------------------------------------------------------------- /code/ch13/images/13_05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch13/images/13_05.png -------------------------------------------------------------------------------- /code/ch13/mnist_keras_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/ch13/mnist_keras_mlp.py -------------------------------------------------------------------------------- /code/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/README.md -------------------------------------------------------------------------------- /code/datasets/housing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/housing/README.md -------------------------------------------------------------------------------- /code/datasets/housing/housing.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/housing/housing.data -------------------------------------------------------------------------------- /code/datasets/housing/housing.names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/housing/housing.names.txt -------------------------------------------------------------------------------- /code/datasets/iris/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/iris/README.md -------------------------------------------------------------------------------- /code/datasets/iris/iris.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/iris/iris.data -------------------------------------------------------------------------------- /code/datasets/iris/iris.names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/iris/iris.names.txt -------------------------------------------------------------------------------- /code/datasets/mnist/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/mnist/README.md -------------------------------------------------------------------------------- /code/datasets/mnist/t10k-images-idx3-ubyte.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/mnist/t10k-images-idx3-ubyte.gz -------------------------------------------------------------------------------- /code/datasets/mnist/t10k-labels-idx1-ubyte.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/mnist/t10k-labels-idx1-ubyte.gz -------------------------------------------------------------------------------- /code/datasets/mnist/train-images-idx3-ubyte.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/mnist/train-images-idx3-ubyte.gz -------------------------------------------------------------------------------- /code/datasets/mnist/train-labels-idx1-ubyte.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/mnist/train-labels-idx1-ubyte.gz -------------------------------------------------------------------------------- /code/datasets/movie/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/movie/README.md -------------------------------------------------------------------------------- /code/datasets/movie/movie_data.csv.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/movie/movie_data.csv.zip -------------------------------------------------------------------------------- /code/datasets/wdbc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/wdbc/README.md -------------------------------------------------------------------------------- /code/datasets/wdbc/wdbc.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/wdbc/wdbc.data -------------------------------------------------------------------------------- /code/datasets/wdbc/wdbc.names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/wdbc/wdbc.names.txt -------------------------------------------------------------------------------- /code/datasets/wine/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/wine/README.md -------------------------------------------------------------------------------- /code/datasets/wine/wine.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/wine/wine.data -------------------------------------------------------------------------------- /code/datasets/wine/wine.names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/datasets/wine/wine.names.txt -------------------------------------------------------------------------------- /code/optional-py-scripts/ch02.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch02.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch03.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch03.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch04.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch04.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch05.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch05.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch06.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch06.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch07.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch07.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch08.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch08.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch09.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch09.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch10.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch11.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch11.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch12.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch12.py -------------------------------------------------------------------------------- /code/optional-py-scripts/ch13.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/code/optional-py-scripts/ch13.py -------------------------------------------------------------------------------- /docs/2016-03-03-unicef.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/2016-03-03-unicef.pdf -------------------------------------------------------------------------------- /docs/2016-04-07-unicef.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/2016-04-07-unicef.pdf -------------------------------------------------------------------------------- /docs/equations/pymle-equations.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/equations/pymle-equations.pdf -------------------------------------------------------------------------------- /docs/equations/pymle-equations.tex: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/equations/pymle-equations.tex -------------------------------------------------------------------------------- /docs/equations/pymle-equations.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/equations/pymle-equations.toc -------------------------------------------------------------------------------- /docs/errata.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/errata.md -------------------------------------------------------------------------------- /docs/feedback.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/feedback.md -------------------------------------------------------------------------------- /docs/foreword_ro.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/foreword_ro.pdf -------------------------------------------------------------------------------- /docs/images/armand_g_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/armand_g_tweet.png -------------------------------------------------------------------------------- /docs/images/boris_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/boris_tweet.png -------------------------------------------------------------------------------- /docs/images/claus_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/claus_tweet.png -------------------------------------------------------------------------------- /docs/images/dataelixir.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/dataelixir.png -------------------------------------------------------------------------------- /docs/images/errata/errata_2015-10-20.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/errata/errata_2015-10-20.png -------------------------------------------------------------------------------- /docs/images/errata/errata_2016-04-22.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/errata/errata_2016-04-22.jpg -------------------------------------------------------------------------------- /docs/images/jason_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/jason_tweet.png -------------------------------------------------------------------------------- /docs/images/jonathon_m_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/jonathon_m_tweet.png -------------------------------------------------------------------------------- /docs/images/josiah_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/josiah_tweet.png -------------------------------------------------------------------------------- /docs/images/matteo_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/matteo_tweet.png -------------------------------------------------------------------------------- /docs/images/matthew_m_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/matthew_m_tweet.png -------------------------------------------------------------------------------- /docs/images/penghui_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/penghui_tweet.png -------------------------------------------------------------------------------- /docs/images/yong_cho_tweet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/images/yong_cho_tweet.png -------------------------------------------------------------------------------- /docs/preface_sr.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/preface_sr.pdf -------------------------------------------------------------------------------- /docs/pymle.bib: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/pymle.bib -------------------------------------------------------------------------------- /docs/references.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/docs/references.md -------------------------------------------------------------------------------- /faq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/README.md -------------------------------------------------------------------------------- /faq/bag-of-words-sparsity.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/bag-of-words-sparsity.md -------------------------------------------------------------------------------- /faq/bagging-boosting-rf.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/bagging-boosting-rf.md -------------------------------------------------------------------------------- /faq/bagging-boosting-rf/bagging-regions.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/bagging-boosting-rf/bagging-regions.png -------------------------------------------------------------------------------- /faq/bagging-boosting-rf/bagging.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/bagging-boosting-rf/bagging.png -------------------------------------------------------------------------------- /faq/bagging-boosting-rf/boosting-regions.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/bagging-boosting-rf/boosting-regions.png -------------------------------------------------------------------------------- /faq/bagging-boosting-rf/boosting.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/bagging-boosting-rf/boosting.png -------------------------------------------------------------------------------- /faq/best-ml-algo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/best-ml-algo.md -------------------------------------------------------------------------------- /faq/choosing-technique.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/choosing-technique.md -------------------------------------------------------------------------------- /faq/choosing-technique/scikit-cheatsheet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/choosing-technique/scikit-cheatsheet.png -------------------------------------------------------------------------------- /faq/classifier-categories.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/classifier-categories.md -------------------------------------------------------------------------------- /faq/classifier-history.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/classifier-history.md -------------------------------------------------------------------------------- /faq/classifier-history/activation-functions.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/classifier-history/activation-functions.png -------------------------------------------------------------------------------- /faq/classifier-history/adaline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/classifier-history/adaline.png -------------------------------------------------------------------------------- /faq/classifier-history/lda.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/classifier-history/lda.png -------------------------------------------------------------------------------- /faq/classifier-history/perceptron-figure.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/classifier-history/perceptron-figure.png -------------------------------------------------------------------------------- /faq/classifier-history/perceptron-rule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/classifier-history/perceptron-rule.png -------------------------------------------------------------------------------- /faq/classifier_categories/master_chart.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/classifier_categories/master_chart.jpg -------------------------------------------------------------------------------- /faq/clf-behavior-data.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/clf-behavior-data.md -------------------------------------------------------------------------------- /faq/clf-behavior-data/circles.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/clf-behavior-data/circles.png -------------------------------------------------------------------------------- /faq/clf-behavior-data/iris.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/clf-behavior-data/iris.png -------------------------------------------------------------------------------- /faq/clf-behavior-data/moons.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/clf-behavior-data/moons.png -------------------------------------------------------------------------------- /faq/clf-behavior-data/xor.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/clf-behavior-data/xor.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd.md -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/adaptive_learning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/adaptive_learning.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/ball.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/ball.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/closed-form.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/closed-form.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/decrease_const.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/decrease_const.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/dw.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/dw.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/iter_gd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/iter_gd.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/iter_sgd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/iter_sgd.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/j.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/j.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/linear_model.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/linear_model.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/simple_regression.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/simple_regression.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/sse_mse.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/sse_mse.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/w_upd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/w_upd.png -------------------------------------------------------------------------------- /faq/closed-form-vs-gd/w_upd_expl.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/closed-form-vs-gd/w_upd_expl.png -------------------------------------------------------------------------------- /faq/computing-the-f1-score.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/computing-the-f1-score.md -------------------------------------------------------------------------------- /faq/copyright.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/copyright.md -------------------------------------------------------------------------------- /faq/cost-vs-loss.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/cost-vs-loss.md -------------------------------------------------------------------------------- /faq/data-science-career.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/data-science-career.md -------------------------------------------------------------------------------- /faq/datamining-overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/datamining-overview.md -------------------------------------------------------------------------------- /faq/datamining-vs-ml.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/datamining-vs-ml.md -------------------------------------------------------------------------------- /faq/dataprep-vs-dataengin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/dataprep-vs-dataengin.md -------------------------------------------------------------------------------- /faq/datascience-ml.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/datascience-ml.md -------------------------------------------------------------------------------- /faq/datascience-ml/ml-overview.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/datascience-ml/ml-overview.jpg -------------------------------------------------------------------------------- /faq/decision-tree-binary.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary.md -------------------------------------------------------------------------------- /faq/decision-tree-binary/calc_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/calc_1.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/calc_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/calc_2.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/calc_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/calc_3.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/calc_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/calc_5.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/calc_6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/calc_6.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/empty-classes.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/empty-classes.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/entropy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/entropy.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/error.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/error.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/gini-impurity.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/gini-impurity.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/information-gain-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/information-gain-2.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/information-gain.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/information-gain.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/overview-plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/overview-plot.png -------------------------------------------------------------------------------- /faq/decision-tree-binary/split.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-binary/split.png -------------------------------------------------------------------------------- /faq/decision-tree-disadvantages.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decision-tree-disadvantages.md -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy.md -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/Slide1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/Slide1.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/Slide2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/Slide2.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/Slide3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/Slide3.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/decisiontree-error-vs-entropy.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/decisiontree-error-vs-entropy.ipynb -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/decisiontree-error-vs-entropy.pptx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/decisiontree-error-vs-entropy.pptx -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/entropy_annotated.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/entropy_annotated.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/entropy_eq.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/entropy_eq.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/entropy_plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/entropy_plot.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/error_eq.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/error_eq.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/error_plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/error_plot.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/ig.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/ig.png -------------------------------------------------------------------------------- /faq/decisiontree-error-vs-entropy/ig_xp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/decisiontree-error-vs-entropy/ig_xp.png -------------------------------------------------------------------------------- /faq/deep-learning-resources.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/deep-learning-resources.md -------------------------------------------------------------------------------- /faq/deeplearn-vs-svm-randomforest.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/deeplearn-vs-svm-randomforest.md -------------------------------------------------------------------------------- /faq/deeplearning-criticism.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/deeplearning-criticism.md -------------------------------------------------------------------------------- /faq/definition_data-science.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/definition_data-science.md -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet.md -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet/1.png -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet/2.png -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet/3.png -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet/4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet/4.png -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet/5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet/5.png -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet/6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet/6.png -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet/7.png -------------------------------------------------------------------------------- /faq/diff-perceptron-adaline-neuralnet/8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/diff-perceptron-adaline-neuralnet/8.png -------------------------------------------------------------------------------- /faq/difference-deep-and-normal-learning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/difference-deep-and-normal-learning.md -------------------------------------------------------------------------------- /faq/difference-deep-and-normal-learning/convnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/difference-deep-and-normal-learning/convnet.png -------------------------------------------------------------------------------- /faq/difference-deep-and-normal-learning/convolution.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/difference-deep-and-normal-learning/convolution.png -------------------------------------------------------------------------------- /faq/difference-deep-and-normal-learning/mlp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/difference-deep-and-normal-learning/mlp.png -------------------------------------------------------------------------------- /faq/difference_classifier_model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/difference_classifier_model.md -------------------------------------------------------------------------------- /faq/different.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/different.md -------------------------------------------------------------------------------- /faq/dimensionality-reduction.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/dimensionality-reduction.md -------------------------------------------------------------------------------- /faq/dimensionality-reduction/lle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/dimensionality-reduction/lle.png -------------------------------------------------------------------------------- /faq/dimensionality-reduction/rbf-kpca.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/dimensionality-reduction/rbf-kpca.png -------------------------------------------------------------------------------- /faq/dimensionality-reduction/swiss-roll.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/dimensionality-reduction/swiss-roll.png -------------------------------------------------------------------------------- /faq/dropout.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/dropout.md -------------------------------------------------------------------------------- /faq/euclidean-distance.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/euclidean-distance.md -------------------------------------------------------------------------------- /faq/euclidean-distance/eucl-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/euclidean-distance/eucl-1.png -------------------------------------------------------------------------------- /faq/euclidean-distance/eucl-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/euclidean-distance/eucl-2.png -------------------------------------------------------------------------------- /faq/evaluate-a-model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/evaluate-a-model.md -------------------------------------------------------------------------------- /faq/evaluate-a-model/evaluate_overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/evaluate-a-model/evaluate_overview.png -------------------------------------------------------------------------------- /faq/evaluate-a-model/k-fold.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/evaluate-a-model/k-fold.png -------------------------------------------------------------------------------- /faq/evaluate-a-model/nested-k-fold.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/evaluate-a-model/nested-k-fold.png -------------------------------------------------------------------------------- /faq/feature_sele_categories.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/feature_sele_categories.md -------------------------------------------------------------------------------- /faq/implementing-from-scratch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/implementing-from-scratch.md -------------------------------------------------------------------------------- /faq/inventing-deeplearning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/inventing-deeplearning.md -------------------------------------------------------------------------------- /faq/issues-with-clustering.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/issues-with-clustering.md -------------------------------------------------------------------------------- /faq/issues-with-clustering/clusters_kmeans.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/issues-with-clustering/clusters_kmeans.png -------------------------------------------------------------------------------- /faq/issues-with-clustering/clusters_unlabeled.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/issues-with-clustering/clusters_unlabeled.png -------------------------------------------------------------------------------- /faq/issues-with-clustering/elbow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/issues-with-clustering/elbow.png -------------------------------------------------------------------------------- /faq/issues-with-clustering/silhouette_bad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/issues-with-clustering/silhouette_bad.png -------------------------------------------------------------------------------- /faq/issues-with-clustering/silhouette_good.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/issues-with-clustering/silhouette_good.png -------------------------------------------------------------------------------- /faq/large-num-features.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/large-num-features.md -------------------------------------------------------------------------------- /faq/large-num-features/concentric-circles.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/large-num-features/concentric-circles.png -------------------------------------------------------------------------------- /faq/large-num-features/kpca-pc1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/large-num-features/kpca-pc1.png -------------------------------------------------------------------------------- /faq/large-num-features/lle1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/large-num-features/lle1.png -------------------------------------------------------------------------------- /faq/large-num-features/lle2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/large-num-features/lle2.png -------------------------------------------------------------------------------- /faq/large-num-features/pca-pc1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/large-num-features/pca-pc1.png -------------------------------------------------------------------------------- /faq/large-num-features/swiss-roll.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/large-num-features/swiss-roll.png -------------------------------------------------------------------------------- /faq/lazy-knn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/lazy-knn.md -------------------------------------------------------------------------------- /faq/lda-vs-pca.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/lda-vs-pca.md -------------------------------------------------------------------------------- /faq/lda-vs-pca/lda.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/lda-vs-pca/lda.png -------------------------------------------------------------------------------- /faq/lda-vs-pca/pca.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/lda-vs-pca/pca.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative.md -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/1.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/10.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/11.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/12.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/13.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/14.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/15.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/15.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/16.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/17.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/17.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/18.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/18.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/19.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/19.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/2.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/20.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/20.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/21.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/21.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/22.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/22.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/23.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/23.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/3.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/4.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/5.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/6.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/7.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/8.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/9.png -------------------------------------------------------------------------------- /faq/linear-gradient-derivative/regression-vs-adaline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/linear-gradient-derivative/regression-vs-adaline.png -------------------------------------------------------------------------------- /faq/logistic-analytical.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-analytical.md -------------------------------------------------------------------------------- /faq/logistic-boosting.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-boosting.md -------------------------------------------------------------------------------- /faq/logistic-why-sigmoid.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-why-sigmoid.md -------------------------------------------------------------------------------- /faq/logistic-why-sigmoid/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-why-sigmoid/1.png -------------------------------------------------------------------------------- /faq/logistic-why-sigmoid/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-why-sigmoid/2.png -------------------------------------------------------------------------------- /faq/logistic-why-sigmoid/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-why-sigmoid/3.png -------------------------------------------------------------------------------- /faq/logistic-why-sigmoid/4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-why-sigmoid/4.png -------------------------------------------------------------------------------- /faq/logistic-why-sigmoid/5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-why-sigmoid/5.png -------------------------------------------------------------------------------- /faq/logistic-why-sigmoid/6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-why-sigmoid/6.png -------------------------------------------------------------------------------- /faq/logistic-why-sigmoid/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic-why-sigmoid/7.png -------------------------------------------------------------------------------- /faq/logistic_regression_linear.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic_regression_linear.md -------------------------------------------------------------------------------- /faq/logistic_regression_linear/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic_regression_linear/1.png -------------------------------------------------------------------------------- /faq/logistic_regression_linear/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic_regression_linear/2.png -------------------------------------------------------------------------------- /faq/logistic_regression_linear/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic_regression_linear/3.png -------------------------------------------------------------------------------- /faq/logistic_regression_linear/4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logistic_regression_linear/4.png -------------------------------------------------------------------------------- /faq/logisticregr-neuralnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logisticregr-neuralnet.md -------------------------------------------------------------------------------- /faq/logisticregr-neuralnet/log-tanh.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logisticregr-neuralnet/log-tanh.png -------------------------------------------------------------------------------- /faq/logisticregr-neuralnet/mlp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logisticregr-neuralnet/mlp.png -------------------------------------------------------------------------------- /faq/logisticregr-neuralnet/onehot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logisticregr-neuralnet/onehot.png -------------------------------------------------------------------------------- /faq/logisticregr-neuralnet/schematic.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logisticregr-neuralnet/schematic.png -------------------------------------------------------------------------------- /faq/logisticregr-neuralnet/sigmoid.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logisticregr-neuralnet/sigmoid.png -------------------------------------------------------------------------------- /faq/logisticregr-neuralnet/softmax.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logisticregr-neuralnet/softmax.png -------------------------------------------------------------------------------- /faq/logisticregr-neuralnet/unconvex.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/logisticregr-neuralnet/unconvex.png -------------------------------------------------------------------------------- /faq/many-deeplearning-libs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/many-deeplearning-libs.md -------------------------------------------------------------------------------- /faq/median-vs-mean.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/median-vs-mean.md -------------------------------------------------------------------------------- /faq/median-vs-mean/FGCU_salary_dataset.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/median-vs-mean/FGCU_salary_dataset.csv -------------------------------------------------------------------------------- /faq/median-vs-mean/mean-vs-median.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/median-vs-mean/mean-vs-median.ipynb -------------------------------------------------------------------------------- /faq/median-vs-mean/salary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/median-vs-mean/salary.png -------------------------------------------------------------------------------- /faq/median-vs-mean/std-normal.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/median-vs-mean/std-normal.png -------------------------------------------------------------------------------- /faq/mentor.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/mentor.md -------------------------------------------------------------------------------- /faq/missing-data.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/missing-data.md -------------------------------------------------------------------------------- /faq/ml-curriculum.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum.md -------------------------------------------------------------------------------- /faq/ml-curriculum/bengio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/bengio.png -------------------------------------------------------------------------------- /faq/ml-curriculum/bishop.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/bishop.jpeg -------------------------------------------------------------------------------- /faq/ml-curriculum/domingos.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/domingos.png -------------------------------------------------------------------------------- /faq/ml-curriculum/duda.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/duda.jpg -------------------------------------------------------------------------------- /faq/ml-curriculum/ng.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/ng.png -------------------------------------------------------------------------------- /faq/ml-curriculum/raschka.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/raschka.jpeg -------------------------------------------------------------------------------- /faq/ml-curriculum/tan.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/tan.jpeg -------------------------------------------------------------------------------- /faq/ml-curriculum/three.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/three.png -------------------------------------------------------------------------------- /faq/ml-curriculum/tibshirani.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-curriculum/tibshirani.jpeg -------------------------------------------------------------------------------- /faq/ml-examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-examples.md -------------------------------------------------------------------------------- /faq/ml-examples/fb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-examples/fb.png -------------------------------------------------------------------------------- /faq/ml-examples/google.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-examples/google.png -------------------------------------------------------------------------------- /faq/ml-examples/hiv-protease.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-examples/hiv-protease.png -------------------------------------------------------------------------------- /faq/ml-examples/letter.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-examples/letter.jpg -------------------------------------------------------------------------------- /faq/ml-examples/stars.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-examples/stars.jpg -------------------------------------------------------------------------------- /faq/ml-examples/stock-market.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-examples/stock-market.png -------------------------------------------------------------------------------- /faq/ml-origins.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-origins.md -------------------------------------------------------------------------------- /faq/ml-python-communities.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-python-communities.md -------------------------------------------------------------------------------- /faq/ml-solvable.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-solvable.md -------------------------------------------------------------------------------- /faq/ml-solvable/bias-variance.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-solvable/bias-variance.png -------------------------------------------------------------------------------- /faq/ml-solvable/learning_curve.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-solvable/learning_curve.png -------------------------------------------------------------------------------- /faq/ml-solvable/param_curve.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-solvable/param_curve.png -------------------------------------------------------------------------------- /faq/ml-to-a-programmer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/ml-to-a-programmer.md -------------------------------------------------------------------------------- /faq/model-selection-in-datascience.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/model-selection-in-datascience.md -------------------------------------------------------------------------------- /faq/multiclass-metric.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/multiclass-metric.md -------------------------------------------------------------------------------- /faq/multiclass-metric/conf_mat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/multiclass-metric/conf_mat.png -------------------------------------------------------------------------------- /faq/multiclass-metric/macro.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/multiclass-metric/macro.png -------------------------------------------------------------------------------- /faq/multiclass-metric/mcc.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/multiclass-metric/mcc.png -------------------------------------------------------------------------------- /faq/multiclass-metric/micro.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/multiclass-metric/micro.png -------------------------------------------------------------------------------- /faq/multiclass-metric/pre-rec.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/multiclass-metric/pre-rec.png -------------------------------------------------------------------------------- /faq/naive-bayes-boundary.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-boundary.md -------------------------------------------------------------------------------- /faq/naive-bayes-boundary/gaussian_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-boundary/gaussian_1.png -------------------------------------------------------------------------------- /faq/naive-bayes-boundary/gaussian_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-boundary/gaussian_2.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes.md -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/bayes-theorem-in-words.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/bayes-theorem-in-words.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/bayes-theorem-notation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/bayes-theorem-notation.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/bayes-theorem.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/bayes-theorem.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/combined.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/combined.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/gaussian-likelihood.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/gaussian-likelihood.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/likelihood-bernoulli.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/likelihood-bernoulli.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/multi-variate-bernoulli.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/multi-variate-bernoulli.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/naive-bayes-decision.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/naive-bayes-decision.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/naive-bayes-likelihood.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/naive-bayes-likelihood.png -------------------------------------------------------------------------------- /faq/naive-bayes-vartypes/naive-bayes-likelihood_shorter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vartypes/naive-bayes-likelihood_shorter.png -------------------------------------------------------------------------------- /faq/naive-bayes-vs-logistic-regression.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-bayes-vs-logistic-regression.md -------------------------------------------------------------------------------- /faq/naive-naive-bayes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-naive-bayes.md -------------------------------------------------------------------------------- /faq/naive-naive-bayes/bayes-theorem-english.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-naive-bayes/bayes-theorem-english.png -------------------------------------------------------------------------------- /faq/naive-naive-bayes/bayes_theorem.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-naive-bayes/bayes_theorem.png -------------------------------------------------------------------------------- /faq/naive-naive-bayes/decision_rule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-naive-bayes/decision_rule.png -------------------------------------------------------------------------------- /faq/naive-naive-bayes/let.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-naive-bayes/let.png -------------------------------------------------------------------------------- /faq/naive-naive-bayes/likelihood.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/naive-naive-bayes/likelihood.png -------------------------------------------------------------------------------- /faq/neuralnet-error.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/neuralnet-error.md -------------------------------------------------------------------------------- /faq/neuralnet-error/approx-grad-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/neuralnet-error/approx-grad-1.png -------------------------------------------------------------------------------- /faq/neuralnet-error/approx-grad-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/neuralnet-error/approx-grad-2.png -------------------------------------------------------------------------------- /faq/neuralnet-error/approx-grad-3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/neuralnet-error/approx-grad-3.png -------------------------------------------------------------------------------- /faq/neuralnet-error/approx-grad-4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/neuralnet-error/approx-grad-4.png -------------------------------------------------------------------------------- /faq/neuralnet-error/momentum.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/neuralnet-error/momentum.png -------------------------------------------------------------------------------- /faq/neuralnet-error/standardizing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/neuralnet-error/standardizing.png -------------------------------------------------------------------------------- /faq/nnet-debugging-checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/nnet-debugging-checklist.md -------------------------------------------------------------------------------- /faq/num-support-vectors.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/num-support-vectors.md -------------------------------------------------------------------------------- /faq/number-of-kfolds.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/number-of-kfolds.md -------------------------------------------------------------------------------- /faq/open-source.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/open-source.md -------------------------------------------------------------------------------- /faq/overfitting.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/overfitting.md -------------------------------------------------------------------------------- /faq/overfitting/learning_curve_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/overfitting/learning_curve_1.png -------------------------------------------------------------------------------- /faq/parametric_vs_nonparametric.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/parametric_vs_nonparametric.md -------------------------------------------------------------------------------- /faq/pca-scaling.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling.md -------------------------------------------------------------------------------- /faq/pca-scaling/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/1.png -------------------------------------------------------------------------------- /faq/pca-scaling/10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/10.png -------------------------------------------------------------------------------- /faq/pca-scaling/11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/11.png -------------------------------------------------------------------------------- /faq/pca-scaling/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/2.png -------------------------------------------------------------------------------- /faq/pca-scaling/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/3.png -------------------------------------------------------------------------------- /faq/pca-scaling/4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/4.png -------------------------------------------------------------------------------- /faq/pca-scaling/5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/5.png -------------------------------------------------------------------------------- /faq/pca-scaling/6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/6.png -------------------------------------------------------------------------------- /faq/pca-scaling/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/7.png -------------------------------------------------------------------------------- /faq/pca-scaling/8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/8.png -------------------------------------------------------------------------------- /faq/pca-scaling/9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pca-scaling/9.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr.md -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/covariance.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/covariance.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/example-1-fit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/example-1-fit.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/example-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/example-1.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/example-2-fit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/example-2-fit.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/example-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/example-2.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/intercept.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/intercept.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/pearson.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/pearson.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/sigma.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/sigma.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/slope.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/slope.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/slope_r.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/slope_r.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/slope_rewrite.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/slope_rewrite.png -------------------------------------------------------------------------------- /faq/pearson-r-vs-linear-regr/standardize.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/pearson-r-vs-linear-regr/standardize.png -------------------------------------------------------------------------------- /faq/prerequisites.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/prerequisites.md -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression.md -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/1.png -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/2.png -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/3.png -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/4.png -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/5.png -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/6.png -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/7.png -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/8.png -------------------------------------------------------------------------------- /faq/probablistic-logistic-regression/9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/probablistic-logistic-regression/9.png -------------------------------------------------------------------------------- /faq/py2py3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/py2py3.md -------------------------------------------------------------------------------- /faq/r-in-datascience.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/r-in-datascience.md -------------------------------------------------------------------------------- /faq/random-forest-perform-terribly.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/random-forest-perform-terribly.md -------------------------------------------------------------------------------- /faq/regularized-logistic-regression-performance.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/regularized-logistic-regression-performance.md -------------------------------------------------------------------------------- /faq/regularized-logistic-regression-performance/l2-term.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/regularized-logistic-regression-performance/l2-term.png -------------------------------------------------------------------------------- /faq/regularized-logistic-regression-performance/regularized.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/regularized-logistic-regression-performance/regularized.png -------------------------------------------------------------------------------- /faq/regularized-logistic-regression-performance/unregularized.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/regularized-logistic-regression-performance/unregularized.png -------------------------------------------------------------------------------- /faq/return_self_idiom.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/return_self_idiom.md -------------------------------------------------------------------------------- /faq/scale-training-test.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/scale-training-test.md -------------------------------------------------------------------------------- /faq/select_svm_kernels.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/select_svm_kernels.md -------------------------------------------------------------------------------- /faq/select_svm_kernels/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/select_svm_kernels/1.png -------------------------------------------------------------------------------- /faq/select_svm_kernels/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/select_svm_kernels/2.png -------------------------------------------------------------------------------- /faq/select_svm_kernels/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/select_svm_kernels/3.png -------------------------------------------------------------------------------- /faq/select_svm_kernels/4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/select_svm_kernels/4.png -------------------------------------------------------------------------------- /faq/select_svm_kernels/5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/select_svm_kernels/5.png -------------------------------------------------------------------------------- /faq/semi-vs-supervised.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/semi-vs-supervised.md -------------------------------------------------------------------------------- /faq/softmax.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax.md -------------------------------------------------------------------------------- /faq/softmax/logistic.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax/logistic.png -------------------------------------------------------------------------------- /faq/softmax/net_input.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax/net_input.png -------------------------------------------------------------------------------- /faq/softmax/softmax_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax/softmax_1.png -------------------------------------------------------------------------------- /faq/softmax_regression.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression.md -------------------------------------------------------------------------------- /faq/softmax_regression/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/1.png -------------------------------------------------------------------------------- /faq/softmax_regression/10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/10.png -------------------------------------------------------------------------------- /faq/softmax_regression/11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/11.png -------------------------------------------------------------------------------- /faq/softmax_regression/12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/12.png -------------------------------------------------------------------------------- /faq/softmax_regression/13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/13.png -------------------------------------------------------------------------------- /faq/softmax_regression/14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/14.png -------------------------------------------------------------------------------- /faq/softmax_regression/15.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/15.png -------------------------------------------------------------------------------- /faq/softmax_regression/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/2.png -------------------------------------------------------------------------------- /faq/softmax_regression/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/3.png -------------------------------------------------------------------------------- /faq/softmax_regression/4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/4.png -------------------------------------------------------------------------------- /faq/softmax_regression/5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/5.png -------------------------------------------------------------------------------- /faq/softmax_regression/6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/6.png -------------------------------------------------------------------------------- /faq/softmax_regression/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/7.png -------------------------------------------------------------------------------- /faq/softmax_regression/8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/8.png -------------------------------------------------------------------------------- /faq/softmax_regression/9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/9.png -------------------------------------------------------------------------------- /faq/softmax_regression/logistic_regression_schematic.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/softmax_regression/logistic_regression_schematic.png -------------------------------------------------------------------------------- /faq/standardize-param-reuse.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/standardize-param-reuse.md -------------------------------------------------------------------------------- /faq/technologies.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/technologies.md -------------------------------------------------------------------------------- /faq/tensorflow-vs-scikitlearn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/tensorflow-vs-scikitlearn.md -------------------------------------------------------------------------------- /faq/tensorflow-vs-scikitlearn/scikit-softmax.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/tensorflow-vs-scikitlearn/scikit-softmax.png -------------------------------------------------------------------------------- /faq/tensorflow-vs-scikitlearn/tf_cost.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/tensorflow-vs-scikitlearn/tf_cost.png -------------------------------------------------------------------------------- /faq/tensorflow-vs-scikitlearn/tf_softmax.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/tensorflow-vs-scikitlearn/tf_softmax.png -------------------------------------------------------------------------------- /faq/underscore-convention.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/underscore-convention.md -------------------------------------------------------------------------------- /faq/version.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/version.md -------------------------------------------------------------------------------- /faq/visual-backpropagation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/visual-backpropagation.md -------------------------------------------------------------------------------- /faq/visual-backpropagation/backpropagation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/visual-backpropagation/backpropagation.png -------------------------------------------------------------------------------- /faq/visual-backpropagation/chain_rule_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/visual-backpropagation/chain_rule_1.png -------------------------------------------------------------------------------- /faq/visual-backpropagation/chain_rule_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/visual-backpropagation/chain_rule_2.png -------------------------------------------------------------------------------- /faq/visual-backpropagation/forward-propagation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/visual-backpropagation/forward-propagation.png -------------------------------------------------------------------------------- /faq/visual-backpropagation/nonconvex-cost.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/visual-backpropagation/nonconvex-cost.png -------------------------------------------------------------------------------- /faq/when-to-standardize.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/when-to-standardize.md -------------------------------------------------------------------------------- /faq/why-python.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python.md -------------------------------------------------------------------------------- /faq/why-python/automation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/automation.png -------------------------------------------------------------------------------- /faq/why-python/heatmap.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/heatmap.png -------------------------------------------------------------------------------- /faq/why-python/ipython_notebook.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/ipython_notebook.png -------------------------------------------------------------------------------- /faq/why-python/julia_benchmark.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/julia_benchmark.png -------------------------------------------------------------------------------- /faq/why-python/python.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/python.png -------------------------------------------------------------------------------- /faq/why-python/revor.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/revor.png -------------------------------------------------------------------------------- /faq/why-python/spectrum.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/spectrum.jpg -------------------------------------------------------------------------------- /faq/why-python/the_general_problem.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/the_general_problem.png -------------------------------------------------------------------------------- /faq/why-python/tiobe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/faq/why-python/tiobe.png -------------------------------------------------------------------------------- /images/cover_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/cover_1.png -------------------------------------------------------------------------------- /images/image_gallery/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/image_gallery/README.md -------------------------------------------------------------------------------- /images/ml-overview.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/ml-overview.jpg -------------------------------------------------------------------------------- /images/mlxtend_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/mlxtend_logo.png -------------------------------------------------------------------------------- /images/pymle-cover_de.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/pymle-cover_de.jpg -------------------------------------------------------------------------------- /images/pymle-cover_jp.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/pymle-cover_jp.jpg -------------------------------------------------------------------------------- /images/pymle_amzn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/pymle_amzn.png -------------------------------------------------------------------------------- /images/pymle_cover.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/pymle_cover.jpg -------------------------------------------------------------------------------- /images/pymle_cover_small.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/pymle_cover_small.jpg -------------------------------------------------------------------------------- /images/scipy2016.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/guipsamora/python-machine-learning-book/HEAD/images/scipy2016.jpg --------------------------------------------------------------------------------