Skip to content

NajiElKotob/Awesome-ML

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 
 
 
 
 

Repository files navigation

Awesome ML

{Awesome Works in Progress}

“Machine Learning is the science of getting computers to learn and act like humans do, and improve their learning over time in autonomous fashion, by feeding them data and information in the form of observations and real-world interactions.” Daniel Faggella


Table of contents


Artificial Intelligence (AI Tree)

Artificial Narrow Intelligence (ANI or Narrow AI)

Artificial General Intelligence (AGI)

Artificial Superintelligence (ASI)


Machine Learning

Supervised ⭐

Supervised learning is a method used to enable machines to classify objects, problems or situations based on related data fed into the machines. (techopedia.com)

Regression

Predict continuous values

Linear Regression
Log-Log Linear Regression
Polynomial Regression
Segmented regression
Stepwise Regression
Support Vector Regression (SVR)
Multivariate Adaptive Regression Splines (MARS)
Locally Weighted Scatterplot Smoothing (LOWESS)
Locally Estimated Scatterplot Smoothing (LOESS)
Multiple Linear Regression
Model Evaluation (Regression Metrics)
  • R2, MAE, MSE, RMSE

Classification

Predict discrete values (Binary, Multi-Class (Or), Multi-Label (Or/And)

Logistic Regression
KNN (K-nearest neighbors)
Random Forest
Naive Bayes Classifier
Decision Trees
Support Vector Machines (SVM)
Hierarchical Agglomerative Clustering (HAC)
Neural Networks
Model Evaluation (Classification Metrics)
  • Accuracy, AUC

Unsupervised ⭐

Unsupervised learning is a method used to enable machines to classify both tangible and intangible objects without providing the machines any prior information about the objects. (techopedia.com)

Clustering

Find distributions

K-Means
Clustering Articles and Resources

Association Rules

Market Basket Analysis and Recommender Systems

Dimensionality Reduction

Semi-supervised ⭐

Reinforcement ⭐

Reinforcement learning, in the context of artificial intelligence, is a type of dynamic programming that trains algorithms using a system of reward and punishment (techopedia.com), some applications of the reinforcement learning algorithms are computer played board games (Chess, Go), robotic hands, and self-driving cars.

Deep Adversarial Networks

Q-learning

Temporal Difference (TD)


Evaluation Metrics

Confusion Matrix

  • Accuracy = (TN + TP) / Total Predictions
  • Precision = TP / (TP + FP)
  • Recall = TP / (TP + FN)
  • F1 Score = 2 * ((Precision*Recall) / (Precision + Recall))

Deep Learning (DL) ⭐

Artificial Neural Networks (ANN)

aka Neural Network (NN), designed to simulate the way the human brain analyzes and processes information.

Convolutional Neural Networks (CNN)

Used in the field of Computer Vision.

Feedforward Neural Networks (FNN)

Recurrent Neural Networks (RNN)

Used in Natural Language Processing.

GenAI


Special Algorithms and Techniques đŸ”„


Time Series Analysis

Time series analysis is a statistical method that deals with time series data, or trend analysis. Here are some of the most widely used techniques for time series analysis:

  • Naive Forecast - forecastegy.com | The simple naive model predicts the next values as the last observed value.

Seasonal Naive Forecast

Window Average Forecast

Seasonal Window Average Forecast

Autoregressive Integrated Moving Average (ARIMA)

Seasonal Decomposition of Time Series (STL or SEATS)

Exponential Smoothing (ETS)

Vector Autoregression (VAR)

GARCH

Natural language processing (NLP)

Natural language processing (NLP) is a form of AI that extracts meaning from human language to make decisions based on the information.

Text Analysis

Speech Recognition

Natural Language Understanding

Natural Language Generation

Natural Language Translation

Computer Vision (CV)

Image Classification

Object Recognition

Semantic Segmentation

Object Classification

Image Generation

Motion Detection

Trajectory Estimation

Video Tracking

Navigation

Deepfake

Generative Adversarial Networks (GANs)

Survival Analysis

Data Structures

  • VisuAlgo - visualising data structures and algorithms through animation

Recommendation System

Predictive Delivery

Visual Intelligence

Image Processing ⭐

Artificial Neural Networks

Keras

Stochastic Processes ⭐

Monte-Carlo Simulation and other probabilistic approaches

Other Algorithms

  • The Quicksort Algorithm is a systematic routine for sorting elements of an array. It is efficient when compared to other common sorting algorithms, and it is considered unstable because the relative order of equal elements is not guaranteed.

Libraries and Programming Languages

C#

Python

R

Gen


GPT


Exams and Certifications

  • CertNexus - Emerging Technology Certifications
  • DataX

Software and Tools

Data Science Software Platforms

  • KNIME - KNIME, the Konstanz Information Miner, is a free and open-source data analytics, reporting and integration platform
  • RapidMiner - RapidMiner is a data science platform for teams that unites data prep, machine learning, and predictive model deployment.
  • Weka - Weka is a collection of machine learning algorithms for data mining tasks. It contains tools for data preparation, classification, regression, clustering, association rules mining, and visualization.
  • AzureML - Microsoft Azure Machine Learning Studio
  • IBM Watson - Powered by the latest innovations in machine learning, Watson is the open, multicloud platform that lets you automate the AI lifecycle. Build powerful models from scratch, or speed time-to-value with pre-built enterprise apps.
  • H2O - Open Source Leader in AI and ML
  • Alteryx - A leader in data science and self-service analytics
  • ONNX - ONNX is an open format to represent deep learning models. With ONNX, AI developers can more easily move models between state-of-the-art tools and choose the combination that is best for them. ONNX is developed and supported by a community of partners.
  • Orange Data Mining 🍊 - orangedatamining.com | University of Ljubljana

APIs


Learn ML

Courses

Tutorials

ebooks

Videos

Mindmaps and Infographics

Articles

Podcast

Glossary

Roadmap


Gartner Hype Cycle


ML for Good


Special Technologies and Videos

Websites

  • Welcome AI - AI Products, Case Studies, Technologies and more
  • Wolfram Machine Learning - wolfram.com | Machine Learning & Neural Networks.From production-grade classic machine learning to modern artificial intelligence, with deep integration with statistical analysis, visualization, image processing and more to build intelligent systems.

Tools

Technologies

Large Language Models

Articles

Videos

Special Performance

About

Awesome Machine Learning

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published