├── .gitignore ├── .nojekyll ├── LICENSE ├── README.md ├── check_env.ipynb ├── images ├── check_env-1.png ├── check_env-2.png └── download-repo.png ├── notebooks ├── 01 - Review of Supervised Learning.ipynb ├── 02 - Cross-validation and Grid Search.ipynb ├── 03 - Linear Models for Regression.ipynb ├── 04 - Linear Models for Classification.ipynb ├── 05 - Trees.ipynb ├── 06 - Gradient Boosting.ipynb ├── data │ ├── adult.csv │ ├── bank-campaign-desc.text │ ├── bank-campaign.csv │ ├── bike_day_raw.csv │ └── ram_price.csv └── solutions │ ├── adult_classification.py │ ├── bike_regression.py │ ├── grid_search_k_neighbors.py │ └── linear_models_diabetes.py └── slides ├── 01-reminder-supervised-learning.html ├── 02-cross-validation-grid-search.html ├── 03-linear-models-regression.html ├── 04-linear-models-classification.html ├── 05-trees-forests.html ├── 06-gradient-boosting.html ├── images ├── PDSH.png ├── ames_housing_scatter.png ├── ames_scaling.png ├── api-table.png ├── average_voting.png ├── bias_vs_variance.png ├── binary_loss.png ├── binning_quantiles.png ├── bootstrap_sample.png ├── boston_housing_scatter.png ├── boston_scaling.png ├── cross_validation_new.png ├── elasticnet_search.png ├── esl.png ├── feature_sample.png ├── forest_importances.png ├── grad_boost_depth2.png ├── grad_boost_regression_steps.png ├── grad_boost_term_1.png ├── grad_boost_term_2.png ├── grad_boost_term_3.png ├── gradient_2d.png ├── gradient_3d.png ├── gradient_learning_rates.png ├── graphviz_jupyter.png ├── graphviz_source.png ├── grid_ccp_alpha.png ├── grid_max_depth.png ├── grid_max_leaf_nodes.png ├── grid_search_cross_validation.png ├── grid_search_cross_validation_new.png ├── grid_search_n_neighbors.png ├── gridsearch_workflow.png ├── group_kfold.png ├── hist_gradient_boosting.png ├── imlp.png ├── instability_1.png ├── instability_2.png ├── kfold_cv.png ├── knn_boundary_dataset.png ├── knn_boundary_k1.png ├── knn_boundary_k3.png ├── knn_boundary_test_points.png ├── knn_boundary_varying_k.png ├── knn_model_complexity.png ├── l1_kink.png ├── l1l2_elasticnet.png ├── l1l2ball.png ├── l1l2ball_intersect.png ├── l2_l1_l0.png ├── lasso_alpha_search.png ├── lasso_alpha_triazine.png ├── lasso_coefficients.png ├── linear_boundary_vector.png ├── linear_regression_1d.png ├── linear_svm_regularization.png ├── logit.png ├── logreg_regularization.png ├── lr_coefficients_large.png ├── matrix-representation.png ├── max_depth_1.png ├── max_depth_4.png ├── max_leaf_nodes_8.png ├── max_margin.png ├── max_margin_C_0.1.png ├── max_margin_C_1.png ├── min_samples_split_50.png ├── mpl_tree_plot.png ├── no_pruning.png ├── overfitting_underfitting_cartoon_full.png ├── overfitting_underfitting_cartoon_generalization.png ├── overfitting_underfitting_cartoon_train.png ├── overfitting_validation_set_1.png ├── overfitting_validation_set_2.png ├── overfitting_validation_set_3.png ├── overfitting_validation_set_4.png ├── ovr_boundaries.png ├── ovr_lines.png ├── pruning_alpha.png ├── ram_prices.png ├── ram_prices_test.png ├── ram_prices_train.png ├── random_forest.png ├── repeated_stratified_kfold.png ├── ridge_alpha_search.png ├── ridge_alpha_search_cv_runs.png ├── ridge_alpha_search_poly.png ├── ridge_alpha_triazine.png ├── ridge_alpha_triazines.png ├── ridge_coefficients.png ├── ridge_coefficients_alpha.png ├── ridge_coefficients_large.png ├── ridge_learning_curve.png ├── robust_regression.png ├── shuffle_split_cv.png ├── sklearn-docs.png ├── sklearn_logo.png ├── splits_kinect.png ├── stratified_cv.png ├── supervised-ml-api.png ├── supervised-ml-workflow.png ├── svm_or_lr.png ├── threefold_split.png ├── time_series1.png ├── time_series2.png ├── time_series3.png ├── time_series_cv.png ├── time_series_walk_forward_cv.png ├── train-test-split.png ├── train_test_set_2d_classification.png ├── train_test_split_new.png ├── train_test_validation_split.png ├── tree_building_iteration_1.png ├── tree_building_iteration_2.png ├── tree_building_iteration_9.png ├── tree_illustration.png ├── tree_importances.png ├── tree_prediction.png ├── tree_pruned.png ├── triazine_bar.png ├── voting_classifier.png ├── xgboost_hist_bench.png └── xgboost_sklearn_bench.png └── style.css /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/.gitignore -------------------------------------------------------------------------------- /.nojekyll: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/README.md -------------------------------------------------------------------------------- /check_env.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/check_env.ipynb -------------------------------------------------------------------------------- /images/check_env-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/images/check_env-1.png -------------------------------------------------------------------------------- /images/check_env-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/images/check_env-2.png -------------------------------------------------------------------------------- /images/download-repo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/images/download-repo.png -------------------------------------------------------------------------------- /notebooks/01 - Review of Supervised Learning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/01 - Review of Supervised Learning.ipynb -------------------------------------------------------------------------------- /notebooks/02 - Cross-validation and Grid Search.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/02 - Cross-validation and Grid Search.ipynb -------------------------------------------------------------------------------- /notebooks/03 - Linear Models for Regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/03 - Linear Models for Regression.ipynb -------------------------------------------------------------------------------- /notebooks/04 - Linear Models for Classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/04 - Linear Models for Classification.ipynb -------------------------------------------------------------------------------- /notebooks/05 - Trees.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/05 - Trees.ipynb -------------------------------------------------------------------------------- /notebooks/06 - Gradient Boosting.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/06 - Gradient Boosting.ipynb -------------------------------------------------------------------------------- /notebooks/data/adult.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/data/adult.csv -------------------------------------------------------------------------------- /notebooks/data/bank-campaign-desc.text: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/data/bank-campaign-desc.text -------------------------------------------------------------------------------- /notebooks/data/bank-campaign.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/data/bank-campaign.csv -------------------------------------------------------------------------------- /notebooks/data/bike_day_raw.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/data/bike_day_raw.csv -------------------------------------------------------------------------------- /notebooks/data/ram_price.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/data/ram_price.csv -------------------------------------------------------------------------------- /notebooks/solutions/adult_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/solutions/adult_classification.py -------------------------------------------------------------------------------- /notebooks/solutions/bike_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/solutions/bike_regression.py -------------------------------------------------------------------------------- /notebooks/solutions/grid_search_k_neighbors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/solutions/grid_search_k_neighbors.py -------------------------------------------------------------------------------- /notebooks/solutions/linear_models_diabetes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/notebooks/solutions/linear_models_diabetes.py -------------------------------------------------------------------------------- /slides/01-reminder-supervised-learning.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/01-reminder-supervised-learning.html -------------------------------------------------------------------------------- /slides/02-cross-validation-grid-search.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/02-cross-validation-grid-search.html -------------------------------------------------------------------------------- /slides/03-linear-models-regression.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/03-linear-models-regression.html -------------------------------------------------------------------------------- /slides/04-linear-models-classification.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/04-linear-models-classification.html -------------------------------------------------------------------------------- /slides/05-trees-forests.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/05-trees-forests.html -------------------------------------------------------------------------------- /slides/06-gradient-boosting.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/06-gradient-boosting.html -------------------------------------------------------------------------------- /slides/images/PDSH.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/PDSH.png -------------------------------------------------------------------------------- /slides/images/ames_housing_scatter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ames_housing_scatter.png -------------------------------------------------------------------------------- /slides/images/ames_scaling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ames_scaling.png -------------------------------------------------------------------------------- /slides/images/api-table.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/api-table.png -------------------------------------------------------------------------------- /slides/images/average_voting.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/average_voting.png -------------------------------------------------------------------------------- /slides/images/bias_vs_variance.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/bias_vs_variance.png -------------------------------------------------------------------------------- /slides/images/binary_loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/binary_loss.png -------------------------------------------------------------------------------- /slides/images/binning_quantiles.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/binning_quantiles.png -------------------------------------------------------------------------------- /slides/images/bootstrap_sample.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/bootstrap_sample.png -------------------------------------------------------------------------------- /slides/images/boston_housing_scatter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/boston_housing_scatter.png -------------------------------------------------------------------------------- /slides/images/boston_scaling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/boston_scaling.png -------------------------------------------------------------------------------- /slides/images/cross_validation_new.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/cross_validation_new.png -------------------------------------------------------------------------------- /slides/images/elasticnet_search.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/elasticnet_search.png -------------------------------------------------------------------------------- /slides/images/esl.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/esl.png -------------------------------------------------------------------------------- /slides/images/feature_sample.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/feature_sample.png -------------------------------------------------------------------------------- /slides/images/forest_importances.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/forest_importances.png -------------------------------------------------------------------------------- /slides/images/grad_boost_depth2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grad_boost_depth2.png -------------------------------------------------------------------------------- /slides/images/grad_boost_regression_steps.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grad_boost_regression_steps.png -------------------------------------------------------------------------------- /slides/images/grad_boost_term_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grad_boost_term_1.png -------------------------------------------------------------------------------- /slides/images/grad_boost_term_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grad_boost_term_2.png -------------------------------------------------------------------------------- /slides/images/grad_boost_term_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grad_boost_term_3.png -------------------------------------------------------------------------------- /slides/images/gradient_2d.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/gradient_2d.png -------------------------------------------------------------------------------- /slides/images/gradient_3d.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/gradient_3d.png -------------------------------------------------------------------------------- /slides/images/gradient_learning_rates.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/gradient_learning_rates.png -------------------------------------------------------------------------------- /slides/images/graphviz_jupyter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/graphviz_jupyter.png -------------------------------------------------------------------------------- /slides/images/graphviz_source.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/graphviz_source.png -------------------------------------------------------------------------------- /slides/images/grid_ccp_alpha.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grid_ccp_alpha.png -------------------------------------------------------------------------------- /slides/images/grid_max_depth.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grid_max_depth.png -------------------------------------------------------------------------------- /slides/images/grid_max_leaf_nodes.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grid_max_leaf_nodes.png -------------------------------------------------------------------------------- /slides/images/grid_search_cross_validation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grid_search_cross_validation.png -------------------------------------------------------------------------------- /slides/images/grid_search_cross_validation_new.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grid_search_cross_validation_new.png -------------------------------------------------------------------------------- /slides/images/grid_search_n_neighbors.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/grid_search_n_neighbors.png -------------------------------------------------------------------------------- /slides/images/gridsearch_workflow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/gridsearch_workflow.png -------------------------------------------------------------------------------- /slides/images/group_kfold.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/group_kfold.png -------------------------------------------------------------------------------- /slides/images/hist_gradient_boosting.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/hist_gradient_boosting.png -------------------------------------------------------------------------------- /slides/images/imlp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/imlp.png -------------------------------------------------------------------------------- /slides/images/instability_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/instability_1.png -------------------------------------------------------------------------------- /slides/images/instability_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/instability_2.png -------------------------------------------------------------------------------- /slides/images/kfold_cv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/kfold_cv.png -------------------------------------------------------------------------------- /slides/images/knn_boundary_dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/knn_boundary_dataset.png -------------------------------------------------------------------------------- /slides/images/knn_boundary_k1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/knn_boundary_k1.png -------------------------------------------------------------------------------- /slides/images/knn_boundary_k3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/knn_boundary_k3.png -------------------------------------------------------------------------------- /slides/images/knn_boundary_test_points.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/knn_boundary_test_points.png -------------------------------------------------------------------------------- /slides/images/knn_boundary_varying_k.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/knn_boundary_varying_k.png -------------------------------------------------------------------------------- /slides/images/knn_model_complexity.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/knn_model_complexity.png -------------------------------------------------------------------------------- /slides/images/l1_kink.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/l1_kink.png -------------------------------------------------------------------------------- /slides/images/l1l2_elasticnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/l1l2_elasticnet.png -------------------------------------------------------------------------------- /slides/images/l1l2ball.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/l1l2ball.png -------------------------------------------------------------------------------- /slides/images/l1l2ball_intersect.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/l1l2ball_intersect.png -------------------------------------------------------------------------------- /slides/images/l2_l1_l0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/l2_l1_l0.png -------------------------------------------------------------------------------- /slides/images/lasso_alpha_search.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/lasso_alpha_search.png -------------------------------------------------------------------------------- /slides/images/lasso_alpha_triazine.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/lasso_alpha_triazine.png -------------------------------------------------------------------------------- /slides/images/lasso_coefficients.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/lasso_coefficients.png -------------------------------------------------------------------------------- /slides/images/linear_boundary_vector.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/linear_boundary_vector.png -------------------------------------------------------------------------------- /slides/images/linear_regression_1d.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/linear_regression_1d.png -------------------------------------------------------------------------------- /slides/images/linear_svm_regularization.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/linear_svm_regularization.png -------------------------------------------------------------------------------- /slides/images/logit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/logit.png -------------------------------------------------------------------------------- /slides/images/logreg_regularization.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/logreg_regularization.png -------------------------------------------------------------------------------- /slides/images/lr_coefficients_large.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/lr_coefficients_large.png -------------------------------------------------------------------------------- /slides/images/matrix-representation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/matrix-representation.png -------------------------------------------------------------------------------- /slides/images/max_depth_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/max_depth_1.png -------------------------------------------------------------------------------- /slides/images/max_depth_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/max_depth_4.png -------------------------------------------------------------------------------- /slides/images/max_leaf_nodes_8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/max_leaf_nodes_8.png -------------------------------------------------------------------------------- /slides/images/max_margin.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/max_margin.png -------------------------------------------------------------------------------- /slides/images/max_margin_C_0.1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/max_margin_C_0.1.png -------------------------------------------------------------------------------- /slides/images/max_margin_C_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/max_margin_C_1.png -------------------------------------------------------------------------------- /slides/images/min_samples_split_50.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/min_samples_split_50.png -------------------------------------------------------------------------------- /slides/images/mpl_tree_plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/mpl_tree_plot.png -------------------------------------------------------------------------------- /slides/images/no_pruning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/no_pruning.png -------------------------------------------------------------------------------- /slides/images/overfitting_underfitting_cartoon_full.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/overfitting_underfitting_cartoon_full.png -------------------------------------------------------------------------------- /slides/images/overfitting_underfitting_cartoon_generalization.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/overfitting_underfitting_cartoon_generalization.png -------------------------------------------------------------------------------- /slides/images/overfitting_underfitting_cartoon_train.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/overfitting_underfitting_cartoon_train.png -------------------------------------------------------------------------------- /slides/images/overfitting_validation_set_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/overfitting_validation_set_1.png -------------------------------------------------------------------------------- /slides/images/overfitting_validation_set_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/overfitting_validation_set_2.png -------------------------------------------------------------------------------- /slides/images/overfitting_validation_set_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/overfitting_validation_set_3.png -------------------------------------------------------------------------------- /slides/images/overfitting_validation_set_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/overfitting_validation_set_4.png -------------------------------------------------------------------------------- /slides/images/ovr_boundaries.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ovr_boundaries.png -------------------------------------------------------------------------------- /slides/images/ovr_lines.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ovr_lines.png -------------------------------------------------------------------------------- /slides/images/pruning_alpha.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/pruning_alpha.png -------------------------------------------------------------------------------- /slides/images/ram_prices.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ram_prices.png -------------------------------------------------------------------------------- /slides/images/ram_prices_test.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ram_prices_test.png -------------------------------------------------------------------------------- /slides/images/ram_prices_train.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ram_prices_train.png -------------------------------------------------------------------------------- /slides/images/random_forest.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/random_forest.png -------------------------------------------------------------------------------- /slides/images/repeated_stratified_kfold.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/repeated_stratified_kfold.png -------------------------------------------------------------------------------- /slides/images/ridge_alpha_search.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_alpha_search.png -------------------------------------------------------------------------------- /slides/images/ridge_alpha_search_cv_runs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_alpha_search_cv_runs.png -------------------------------------------------------------------------------- /slides/images/ridge_alpha_search_poly.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_alpha_search_poly.png -------------------------------------------------------------------------------- /slides/images/ridge_alpha_triazine.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_alpha_triazine.png -------------------------------------------------------------------------------- /slides/images/ridge_alpha_triazines.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_alpha_triazines.png -------------------------------------------------------------------------------- /slides/images/ridge_coefficients.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_coefficients.png -------------------------------------------------------------------------------- /slides/images/ridge_coefficients_alpha.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_coefficients_alpha.png -------------------------------------------------------------------------------- /slides/images/ridge_coefficients_large.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_coefficients_large.png -------------------------------------------------------------------------------- /slides/images/ridge_learning_curve.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/ridge_learning_curve.png -------------------------------------------------------------------------------- /slides/images/robust_regression.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/robust_regression.png -------------------------------------------------------------------------------- /slides/images/shuffle_split_cv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/shuffle_split_cv.png -------------------------------------------------------------------------------- /slides/images/sklearn-docs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/sklearn-docs.png -------------------------------------------------------------------------------- /slides/images/sklearn_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/sklearn_logo.png -------------------------------------------------------------------------------- /slides/images/splits_kinect.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/splits_kinect.png -------------------------------------------------------------------------------- /slides/images/stratified_cv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/stratified_cv.png -------------------------------------------------------------------------------- /slides/images/supervised-ml-api.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/supervised-ml-api.png -------------------------------------------------------------------------------- /slides/images/supervised-ml-workflow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/supervised-ml-workflow.png -------------------------------------------------------------------------------- /slides/images/svm_or_lr.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/svm_or_lr.png -------------------------------------------------------------------------------- /slides/images/threefold_split.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/threefold_split.png -------------------------------------------------------------------------------- /slides/images/time_series1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/time_series1.png -------------------------------------------------------------------------------- /slides/images/time_series2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/time_series2.png -------------------------------------------------------------------------------- /slides/images/time_series3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/time_series3.png -------------------------------------------------------------------------------- /slides/images/time_series_cv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/time_series_cv.png -------------------------------------------------------------------------------- /slides/images/time_series_walk_forward_cv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/time_series_walk_forward_cv.png -------------------------------------------------------------------------------- /slides/images/train-test-split.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/train-test-split.png -------------------------------------------------------------------------------- /slides/images/train_test_set_2d_classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/train_test_set_2d_classification.png -------------------------------------------------------------------------------- /slides/images/train_test_split_new.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/train_test_split_new.png -------------------------------------------------------------------------------- /slides/images/train_test_validation_split.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/train_test_validation_split.png -------------------------------------------------------------------------------- /slides/images/tree_building_iteration_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/tree_building_iteration_1.png -------------------------------------------------------------------------------- /slides/images/tree_building_iteration_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/tree_building_iteration_2.png -------------------------------------------------------------------------------- /slides/images/tree_building_iteration_9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/tree_building_iteration_9.png -------------------------------------------------------------------------------- /slides/images/tree_illustration.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/tree_illustration.png -------------------------------------------------------------------------------- /slides/images/tree_importances.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/tree_importances.png -------------------------------------------------------------------------------- /slides/images/tree_prediction.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/tree_prediction.png -------------------------------------------------------------------------------- /slides/images/tree_pruned.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/tree_pruned.png -------------------------------------------------------------------------------- /slides/images/triazine_bar.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/triazine_bar.png -------------------------------------------------------------------------------- /slides/images/voting_classifier.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/voting_classifier.png -------------------------------------------------------------------------------- /slides/images/xgboost_hist_bench.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/xgboost_hist_bench.png -------------------------------------------------------------------------------- /slides/images/xgboost_sklearn_bench.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/images/xgboost_sklearn_bench.png -------------------------------------------------------------------------------- /slides/style.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/amueller/ml-workshop-2-of-4/HEAD/slides/style.css --------------------------------------------------------------------------------