└── README.md /README.md: -------------------------------------------------------------------------------- 1 | # Machine-Learning-Resources 2 | 3 | Neural Networks 4 | 5 | * Regularization with TensorFlow: http://www.ritchieng.com/machine-learning/deep-learning/tensorflow/regularization/ 6 | * Keras Simple CNN Starter | Kaggle: https://www.kaggle.com/CVxTz/keras-simple-cnn-starter 7 | * Neural Networks and Toddlers: How Learning Biases Can Improve Word Learning: https://medium.com/center-for-data-science/neural-networks-and-toddlers-how-learning-biases-can-improve-word-learning-56e477dc1ee3 8 | * CNN with Keras | Kaggle: https://www.kaggle.com/bugraokcu/cnn-with-keras 9 | * Credit Card Fraud Detection using Autoencoders in Keras — TensorFlow for Hackers (Part VII): https://medium.com/@curiousily/credit-card-fraud-detection-using-autoencoders-in-keras-tensorflow-for-hackers-part-vii-20e0c85301bd 10 | * Models/object_detection_tutorial.ipynb at master · tensorflow/models · GitHub: https://github.com/tensorflow/models/blob/master/research/object_detection/object_detection_tutorial.ipynb 11 | * Model exploration (shallow NN with embeddings) | Kaggle: https://www.kaggle.com/jeremytjordan/model-exploration-shallow-nn-with-embeddings 12 | * Predicting Fraud with TensorFlow | Kaggle: https://www.kaggle.com/currie32/predicting-fraud-with-tensorflow 13 | * Transformers | Harvard NLP, The Annotated Transformer: http://nlp.seas.harvard.edu/2018/04/03/attention.html 14 | 15 | Tensorflow 16 | 17 | * Using Tensorflow and Support Vector Machine to Create an Image Classifications Engine: https://code.oursky.com/tensorflow-svm-image-classifications-engine/ 18 | * A Guide to TF Layers: Building a Convolutional Neural Network | TensorFlow: https://www.tensorflow.org/tutorials/layers 19 | * TensorFlow for R: https://tensorflow.rstudio.com/ 20 | * Python TensorFlow Tutorial - Build a Neural Network: http://adventuresinmachinelearning.com/python-tensorflow-tutorial/ 21 | * TensorFlow and deep learning, without a PhD: https://codelabs.developers.google.com/codelabs/cloud-tensorflow-mnist/#0 22 | 23 | Scikit 24 | 25 | * Machine Learning Algorithm Recipes in scikit-learn: https://machinelearningmastery.com/get-your-hands-dirty-with-scikit-learn-now/ 26 | * Building Random Forest Classifier with Python Scikit learn: http://dataaspirant.com/2017/06/26/random-forest-classifier-python-scikit-learn/ 27 | * Learning Curves and Validation Curves in Scikit-Learn: http://sdsawtelle.github.io/blog/output/week6-andrew-ng-machine-learning-with-python.html 28 | * Validation curves: plotting scores to evaluate models — scikit-learn 0.19.1 documentation: http://scikit-learn.org/stable/modules/learning_curve.html 29 | 30 | Ensembling-Stacking 31 | 32 | * ML-Ensemble: Scikit-learn style ensemble learning | Kaggle: https://www.kaggle.com/flennerhag/ml-ensemble-scikit-learn-style-ensemble-learning 33 | * Ensemble Machine Learning Algorithms in Python with scikit-learn: https://machinelearningmastery.com/ensemble-machine-learning-algorithms-python-scikit-learn/ 34 | * Kaggle Ensembling Guide | MLWave: https://mlwave.com/kaggle-ensembling-guide/ 35 | * Stacked Ensembles — H2O 3.18.0.5 documentation: http://docs.h2o.ai/h2o/latest-stable/h2o-docs/data-science/stacked-ensembles.html 36 | * How to Rank 10% in Your First Kaggle Competition | Wille: https://dnc1994.com/2016/05/rank-10-percent-in-first-kaggle-competition-en/ 37 | * Ensemble models Berkeley: https://www.stat.berkeley.edu/~ledell/docs/dlab_ensembles.pdf 38 | * h2o-tutorials/ensembles: https://github.com/h2oai/h2o-tutorials/blob/master/tutorials/ensembles-stacking/ensembles-stacking.R 39 | * Stacking models from different packages - Stack Overflow: https://stackoverflow.com/questions/47060233/stacking-models-from-different-packages 40 | * A Brief Introduction to caretEnsemble: https://cran.r-project.org/web/packages/caretEnsemble/vignettes/caretEnsemble-intro.html 41 | * Stacking in Machine Learning: http://supunsetunga.blogspot.com/2016/06/stacking-in-machine-learning.html 42 | * Ensemble Learning to Improve Machine Learning Results: https://blog.statsbot.co/ensemble-learning-d1dcd548e936 43 | * How to Build an Ensemble Of Machine Learning Algorithms in R: https://machinelearningmastery.com/machine-learning-ensembles-with-r/ 44 | 45 | Tutorials-Courses 46 | 47 | * Learn | Kaggle: https://www.kaggle.com/learn/machine-learning 48 | * How to Win a Data Science Competition: Learn from Top Kagglers: https://www.coursera.org/learn/competitive-data-science 49 | * A/B Testing | Udacity: https://www.udacity.com/course/ab-testing--ud257 50 | * 10701 Introduction to Machine Learning: http://www.cs.cmu.edu/%7E./10701/lectures.html 51 | * Statistical Learning | Stanford Lagunita: https://lagunita.stanford.edu/courses/HumanitiesSciences/StatLearning/Winter2016/about 52 | * In-depth introduction to machine learning in 15 hours of expert videos: https://www.r-bloggers.com/in-depth-introduction-to-machine-learning-in-15-hours-of-expert-videos/ 53 | * Deep Learning For Coders—36 hours of lessons for free: http://course.fast.ai/lessons/lesson1.html 54 | * Your First Machine Learning Project in Python Step-By-Step: https://machinelearningmastery.com/machine-learning-in-python-step-by-step/ 55 | * Machine Learning with R: An Irresponsibly Fast Tutorial: http://will-stanton.com/machine-learning-with-r-an-irresponsibly-fast-tutorial/ 56 | 57 | General Machine Learning 58 | 59 | * How to handle Imbalanced Classification Problems in machine learning?: https://www.analyticsvidhya.com/blog/2017/03/imbalanced-classification-problem/ 60 | * Learning from Imbalanced Classes: https://svds.com/learning-imbalanced-classes/ 61 | * Paper Threshold Unbalanced Data: https://www3.nd.edu/~rjohns15/content/papers/ssci2015_calibrating.pdf 62 | * Approaching (Almost) Any Machine Learning Problem: http://blog.kaggle.com/2016/07/21/approaching-almost-any-machine-learning-problem-abhishek-thakur/ 63 | * ROC curves and Area Under the Curve explained (video): http://www.dataschool.io/roc-curves-and-auc-explained/ 64 | * Explaining precision and recall – Andreas Klintberg – Medium: https://medium.com/@klintcho/explaining-precision-and-recall-c770eb9c69e9 65 | * Gradient Boosting Explained | GormAnalysis: https://gormanalysis.com/gradient-boosting-explained/ 66 | * Gradient Boosting Explained: http://www.ccs.neu.edu/home/vip/teach/MLcourse/4_boosting/slides/gradient_boosting.pdf 67 | * Are categorical variables getting lost in your random forests: http://roamanalytics.com/2016/10/28/are-categorical-variables-getting-lost-in-your-random-forests/ 68 | * Which algorithm takes the crown: Light GBM vs XGBOOST?: https://www.analyticsvidhya.com/blog/2017/06/which-algorithm-takes-the-crown-light-gbm-vs-xgboost/ 69 | * Artificial Intelligence in Motion: Machine Learning with Python - Logistic Regression: http://aimotion.blogspot.com/2011/11/machine-learning-with-python-logistic.html 70 | * Classification using Decision Trees in R: http://en.proft.me/2016/11/9/classification-using-decision-trees-r/ 71 | * Titanic: Getting Started With R - Part 3: Decision Trees: http://trevorstephens.com/kaggle-titanic-tutorial/r-part-3-decision-trees/ 72 | * How To Implement The Decision Tree Algorithm From Scratch In Python: https://machinelearningmastery.com/implement-decision-tree-algorithm-scratch-python/ 73 | * How to use XGBoost algorithm in R in easy steps: https://www.analyticsvidhya.com/blog/2016/01/xgboost-algorithm-easy-steps/ 74 | * Chatbots with Machine Learning: Building Neural Conversational Agents: https://blog.statsbot.co/chatbots-machine-learning-e83698b1a91e 75 | * SVM: http://cs229.stanford.edu/notes/cs229-notes3.pdf 76 | * Understanding Support Vector Machine algorithm: https://www.analyticsvidhya.com/blog/2017/09/understaing-support-vector-machine-example-code/ 77 | 78 | Encoding 79 | 80 | * Categorical_encoding — H2O 3.18.0.5 documentation: http://docs.h2o.ai/h2o/latest-stable/h2o-docs/data-science/algo-params/categorical_encoding.html 81 | * Impact Encoding: https://www.reddit.com/r/MachineLearning/comments/69txzx/d_high_cardinality_categorical_variable_encoding/ 82 | * Python target encoding for categorical features | Kaggle: https://www.kaggle.com/ogrellier/python-target-encoding-for-categorical-features 83 | * Feature Hashing example: Using categorical data in machine learning with python: https://blog.myyellowroad.com/using-categorical-data-in-machine-learning-with-python-from-dummy-variables-to-deep-category-66041f734512 84 | 85 | Spark ML 86 | 87 | * Multi-Class Text Classification with PySpark: https://datascienceplus.com/multi-class-text-classification-with-pyspark/ 88 | * Apache Spark Tutorial: Machine Learning (article): https://www.datacamp.com/community/tutorials/apache-spark-tutorial-machine-learning 89 | * Movie recommender system with Spark: https://datascience.ibm.com/exchange/public/entry/view/99b857815e69353c04d95daefb3b91fa 90 | 91 | Time Series 92 | 93 | * GitHub - blue-yonder/tsfresh: Automatic extraction of relevant features from time series: https://github.com/blue-yonder/tsfresh 94 | * Features for time series classification: https://stats.stackexchange.com/questions/50807/features-for-time-series-classification 95 | * Complete guide to create a Time Series Forecast (with Codes in Python): https://www.analyticsvidhya.com/blog/2016/02/time-series-forecasting-codes-python/ 96 | 97 | Books 98 | 99 | * Bishop-Pattern Recognition: https://pdfs.semanticscholar.org/f9b5/c4fcb8d4f0571f437b001d464c128f24265a.pdf 100 | * Introduction to Statistical Learning: http://www-bcf.usc.edu/~gareth/ISL/ISLR%20Seventh%20Printing.pdf 101 | 102 | Datasets 103 | 104 | * Datasets | DePaul University - Center for Data Mining & Predictive Analytics: http://dampa.cdm.depaul.edu/resources/datasets/ 105 | 106 | Miscelaneous 107 | 108 | * Tips and tricks to win kaggle data science competitions: https://www.slideshare.net/DariusBaruauskas/tips-and-tricks-to-win-kaggle-data-science-competitions 109 | * How to Rank 10% in Your First Kaggle Competition | Wille: https://dnc1994.com/2016/05/rank-10-percent-in-first-kaggle-competition-en/ 110 | * My review of Microsoft’s data science virtual machine (DSVM) for deep learning: https://www.pyimagesearch.com/2018/03/21/my-review-of-microsofts-deep-learning-virtual-machine/ 111 | * Onepanel - Machine Learning Platform on Cloud GPUs: https://www.onepanel.io/# 112 | * 18 places to find data sets for data science projects: https://www.dataquest.io/blog/free-datasets-for-projects/ 113 | * 120 Machine Learning business ideas from the latest McKinsey report: https://medium.com/@thoszymkowiak/120-machine-learning-business-ideas-from-the-new-mckinsey-report-b81b239f336 114 | 115 | 116 | --------------------------------------------------------------------------------