Machine-Learning-Tutorials
machine learning and deep learning tutorials, articles and other resources
Top Related Projects
A curated list of awesome Machine Learning frameworks, libraries and software.
A complete daily plan for studying to become a machine learning engineer.
A list of popular github projects related to deep learning
A curated list of awesome Deep Learning tutorials, projects and communities.
📺 Discover the latest machine learning / AI courses on YouTube.
Machine Learning Resources, Practice and Research
Quick Overview
The ujjwalkarn/Machine-Learning-Tutorials repository is a curated list of machine learning and deep learning tutorials, articles, and other resources. It serves as a comprehensive guide for beginners and experienced practitioners alike, covering various topics in the field of artificial intelligence and data science.
Pros
- Extensive collection of high-quality resources from reputable sources
- Well-organized structure with clear categorization of topics
- Regularly updated with new content and emerging trends
- Suitable for learners at different skill levels, from beginners to advanced practitioners
Cons
- May be overwhelming for absolute beginners due to the vast amount of information
- Some links may become outdated over time
- Lacks a standardized format for resource descriptions
- Does not provide original content, only curates existing resources
Note: As this is not a code library, the code example and quick start sections have been omitted.
Competitor Comparisons
A curated list of awesome Machine Learning frameworks, libraries and software.
Pros of awesome-machine-learning
- More comprehensive coverage of ML topics and resources
- Better organized with clear categorization by programming language and topic
- Regularly updated with new resources and tools
Cons of awesome-machine-learning
- Can be overwhelming due to the sheer volume of information
- Less focus on beginner-friendly tutorials and learning paths
- May include some outdated or less relevant resources due to its broad scope
Code comparison
While both repositories primarily consist of curated lists rather than code, awesome-machine-learning does include some code snippets in its descriptions. For example:
Machine-Learning-Tutorials:
No code snippets available
awesome-machine-learning:
from sklearn import neighbors, datasets
iris = datasets.load_iris()
X, y = iris.data, iris.target
knn = neighbors.KNeighborsClassifier(n_neighbors=1)
knn.fit(X, y)
This code snippet demonstrates the use of scikit-learn for a simple K-Nearest Neighbors classification task, which is not present in the Machine-Learning-Tutorials repository.
A complete daily plan for studying to become a machine learning engineer.
Pros of machine-learning-for-software-engineers
- Structured learning path with a step-by-step guide
- Focuses on practical skills for software engineers
- Includes resources for interview preparation
Cons of machine-learning-for-software-engineers
- Less comprehensive coverage of ML topics
- Fewer academic and research-oriented resources
- May not be as suitable for non-software engineers
Code comparison
While both repositories primarily contain curated lists of resources rather than code, machine-learning-for-software-engineers includes some code snippets for basic ML concepts. For example:
# Simple linear regression
from sklearn.linear_model import LinearRegression
model = LinearRegression()
model.fit(X, y)
predictions = model.predict(X_test)
Machine-Learning-Tutorials doesn't include code snippets directly but links to tutorials and courses that contain code examples.
Summary
machine-learning-for-software-engineers is tailored for software engineers looking to transition into ML, offering a structured learning path and practical resources. Machine-Learning-Tutorials provides a broader, more comprehensive collection of ML resources suitable for various backgrounds and skill levels. The choice between the two depends on the user's background and learning goals.
A list of popular github projects related to deep learning
Pros of TopDeepLearning
- Focuses specifically on deep learning, providing a more specialized resource
- Includes implementations of popular deep learning models and architectures
- Offers code examples in multiple frameworks (TensorFlow, PyTorch, Keras)
Cons of TopDeepLearning
- Less comprehensive coverage of general machine learning topics
- May not be as suitable for beginners or those seeking a broader overview
- Less frequently updated compared to Machine-Learning-Tutorials
Code Comparison
Machine-Learning-Tutorials (Python scikit-learn example):
from sklearn.model_selection import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)
TopDeepLearning (TensorFlow example):
import tensorflow as tf
model = tf.keras.Sequential([
tf.keras.layers.Dense(64, activation='relu', input_shape=(784,)),
tf.keras.layers.Dense(10, activation='softmax')
])
Both repositories provide valuable resources for machine learning enthusiasts. Machine-Learning-Tutorials offers a broader range of topics and is more suitable for beginners, while TopDeepLearning focuses on deep learning implementations and is better suited for those specifically interested in neural networks and advanced architectures.
A curated list of awesome Deep Learning tutorials, projects and communities.
Pros of awesome-deep-learning
- More focused on deep learning, providing specialized resources
- Includes a wider range of content types, such as books, courses, and videos
- Regularly updated with new resources and contributions
Cons of awesome-deep-learning
- Less comprehensive coverage of general machine learning topics
- May be overwhelming for beginners due to the large number of resources
- Lacks detailed explanations or summaries for each resource
Code comparison
While both repositories primarily serve as curated lists of resources, they don't contain significant code samples. However, awesome-deep-learning does include some code snippets in its descriptions, such as:
import tensorflow as tf
hello = tf.constant('Hello, TensorFlow!')
sess = tf.Session()
print(sess.run(hello))
Machine-Learning-Tutorials, on the other hand, focuses more on linking to external resources rather than providing code snippets directly in the repository.
Summary
awesome-deep-learning is a more specialized resource for deep learning enthusiasts, offering a wide range of content types and regular updates. However, it may be less suitable for beginners or those seeking a broader overview of machine learning. Machine-Learning-Tutorials provides a more general approach to machine learning resources but may lack the depth and specificity of awesome-deep-learning in the deep learning domain.
📺 Discover the latest machine learning / AI courses on YouTube.
Pros of ML-YouTube-Courses
- Focuses on video content, making it more accessible for visual learners
- Regularly updated with new courses and content
- Organized by specific topics and skill levels
Cons of ML-YouTube-Courses
- Limited to YouTube content, potentially missing valuable resources from other platforms
- May require more time investment to watch video content compared to reading tutorials
- Dependent on the availability and maintenance of external YouTube links
Code Comparison
While both repositories primarily contain curated lists of resources rather than code, ML-YouTube-Courses includes some markdown formatting for better organization:
# ML YouTube Courses
## Machine Learning
### MIT 6.036: Introduction to Machine Learning (Fall 2020)
- Lecturer: Tamara Broderick
- [YouTube Playlist](https://www.youtube.com/playlist?list=PLUl4u3cNGP63gFHB6xb-kVBiQHYe_4hSi)
- [Course Website](http://people.csail.mit.edu/dsontag/courses/ml16/)
Machine-Learning-Tutorials, on the other hand, uses a simpler list format:
- [Machine Learning for Software Engineers](https://github.com/ZuzooVn/machine-learning-for-software-engineers)
- [Practical Machine Learning Tutorial with Python Introduction](https://pythonprogramming.net/machine-learning-tutorial-python-introduction/)
- [Machine Learning Tutorials](https://www.analyticsvidhya.com/blog/category/machine-learning/)
Machine Learning Resources, Practice and Research
Pros of ml-road
- More structured learning path with a clear roadmap for ML topics
- Includes practical projects and hands-on exercises
- Covers a wider range of ML-related topics, including deep learning and AI
Cons of ml-road
- Less frequently updated compared to Machine-Learning-Tutorials
- Fewer resources for some specific ML algorithms and techniques
- May be overwhelming for absolute beginners due to its comprehensive nature
Code Comparison
While both repositories primarily focus on curating resources rather than providing code, ml-road includes some code snippets for practical exercises. For example:
ml-road:
import numpy as np
from sklearn.linear_model import LinearRegression
X = np.array([[1, 1], [1, 2], [2, 2], [2, 3]])
y = np.dot(X, np.array([1, 2])) + 3
reg = LinearRegression().fit(X, y)
print(reg.score(X, y))
Machine-Learning-Tutorials doesn't typically include code snippets, focusing instead on linking to external resources and tutorials.
Both repositories serve as valuable resources for learning machine learning, with ml-road offering a more structured approach and Machine-Learning-Tutorials providing a broader collection of curated links and tutorials.
Convert designs to code with AI
Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.
Try Visual CopilotREADME
Machine Learning & Deep Learning Tutorials
-
This repository contains a topic-wise curated list of Machine Learning and Deep Learning tutorials, articles and other resources. Other awesome lists can be found in this list.
-
If you want to contribute to this list, please read Contributing Guidelines.
-
Curated list of R tutorials for Data Science, NLP and Machine Learning.
-
Curated list of Python tutorials for Data Science, NLP and Machine Learning.
Contents
- Introduction
- Interview Resources
- Artificial Intelligence
- Genetic Algorithms
- Statistics
- Useful Blogs
- Resources on Quora
- Resources on Kaggle
- Cheat Sheets
- Classification
- Linear Regression
- Logistic Regression
- Model Validation using Resampling
- Deep Learning
- Natural Language Processing
- Computer Vision
- Support Vector Machine
- Reinforcement Learning
- Decision Trees
- Random Forest / Bagging
- Boosting
- Ensembles
- Stacking Models
- VC Dimension
- Bayesian Machine Learning
- Semi Supervised Learning
- Optimizations
- Other Useful Tutorials
Introduction
-
In-depth introduction to machine learning in 15 hours of expert videos
-
A curated list of awesome Machine Learning frameworks, libraries and software
-
A curated list of awesome data visualization libraries and resources.
-
An awesome Data Science repository to learn and apply for real world problems
-
Machine Learning algorithms that you should always have a strong understanding of
-
Difference between Linearly Independent, Orthogonal, and Uncorrelated Variables
-
Twitter's Most Shared #machineLearning Content From The Past 7 Days
Interview Resources
-
41 Essential Machine Learning Interview Questions (with answers)
-
How can a computer science graduate student prepare himself for data scientist interviews?
Artificial Intelligence
-
Programming Community Curated Resources for learning Artificial Intelligence
-
MIT 6.034 Artificial Intelligence Lecture Videos, Complete Course
Genetic Algorithms
Statistics
-
Stat Trek Website - A dedicated website to teach yourselves Statistics
-
Learn Statistics Using Python - Learn Statistics using an application-centric programming approach
-
Statistics for Hackers | Slides | @jakevdp - Slides by Jake VanderPlas
-
Online Statistics Book - An Interactive Multimedia Course for Studying Statistics
-
Tutorials
-
OpenIntro Statistics - Free PDF textbook
Useful Blogs
-
Edwin Chen's Blog - A blog about Math, stats, ML, crowdsourcing, data science
-
The Data School Blog - Data science for beginners!
-
ML Wave - A blog for Learning Machine Learning
-
Andrej Karpathy - A blog about Deep Learning and Data Science in general
-
Colah's Blog - Awesome Neural Networks Blog
-
Alex Minnaar's Blog - A blog about Machine Learning and Software Engineering
-
Statistically Significant - Andrew Landgraf's Data Science Blog
-
Simply Statistics - A blog by three biostatistics professors
-
Yanir Seroussi's Blog - A blog about Data Science and beyond
-
fastML - Machine learning made easy
-
Trevor Stephens Blog - Trevor Stephens Personal Page
-
no free hunch | kaggle - The Kaggle Blog about all things Data Science
-
A Quantitative Journey | outlace - learning quantitative applications
-
r4stats - analyze the world of data science, and to help people learn to use R
-
Variance Explained - David Robinson's Blog
-
AI Junkie - a blog about Artificial Intellingence
-
Deep Learning Blog by Tim Dettmers - Making deep learning accessible
-
J Alammar's Blog- Blog posts about Machine Learning and Neural Nets
-
Adam Geitgey - Easiest Introduction to machine learning
-
Ethen's Notebook Collection - Continuously updated machine learning documentations (mainly in Python3). Contents include educational implementation of machine learning algorithms from scratch and open-source library usage
Resources on Quora
Kaggle Competitions WriteUp
Cheat Sheets
Classification
Linear Regression
-
Multicollinearity and VIF
Logistic Regression
-
Difference between logit and probit models, Logistic Regression Wiki, Probit Model Wiki
-
Pseudo R2 for Logistic Regression, How to calculate, Other Details
Model Validation using Resampling
- Cross Validation
-
Overfitting and Cross Validation
Deep Learning
-
A curated list of awesome Deep Learning tutorials, projects and communities
-
Interesting Deep Learning and NLP Projects (Stanford), Website
-
Understanding Natural Language with Deep Neural Networks Using Torch
-
Introduction to Deep Learning Using Python (GitHub), Good Introduction Slides
-
Video Lectures Oxford 2015, Video Lectures Summer School Montreal
-
Neural Machine Translation
-
Deep Learning Frameworks
- Recurrent and LSTM Networks
-
The Unreasonable effectiveness of RNNs, Torch Code, Python Code
-
Long Short Term Memory (LSTM)
-
Gated Recurrent Units (GRU)
-
Time series forecasting with Sequence-to-Sequence (seq2seq) rnn models
Natural Language Processing
-
A curated list of speech and natural language processing resources
-
Understanding Natural Language with Deep Neural Networks Using Torch
- Topic Modeling
-
word2vec
-
Text Clustering
-
Text Classification
-
Named Entity Recognitation
-
Kaggle Tutorial Bag of Words and Word vectors, Part 2, Part 3
Computer Vision
Support Vector Machine
Reinforcement Learning
Decision Trees
-
What is entropy and information gain in the context of building decision trees?
-
How do decision tree learning algorithms deal with missing values?
-
Discover structure behind data with decision trees - Grow and plot a decision tree to automatically figure out hidden rules in your data
-
Comparison of Different Algorithms
-
CART
-
CTREE
-
CHAID
-
MARS
-
Probabilistic Decision Trees
Random Forest / Bagging
-
Evaluating Random Forests for Survival Analysis Using Prediction Error Curve
-
Why doesn't Random Forest handle missing values in predictors?
Boosting
Ensembles
Stacking Models
VapnikâChervonenkis Dimension
Bayesian Machine Learning
Semi Supervised Learning
Optimization
-
Mean Variance Portfolio Optimization with R and Quadratic Programming
-
Hyperopt tutorial for Optimizing Neural Networksâ Hyperparameters
Other Tutorials
-
For a collection of Data Science Tutorials using R, please refer to this list.
-
For a collection of Data Science Tutorials using Python, please refer to this list.
Top Related Projects
A curated list of awesome Machine Learning frameworks, libraries and software.
A complete daily plan for studying to become a machine learning engineer.
A list of popular github projects related to deep learning
A curated list of awesome Deep Learning tutorials, projects and communities.
📺 Discover the latest machine learning / AI courses on YouTube.
Machine Learning Resources, Practice and Research
Convert designs to code with AI
Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.
Try Visual Copilot