Machine Learning Tutorials


Learn how to build machine learning and deep learning models for many purposes in Python using popular frameworks such as TensorFlow, PyTorch, Keras and OpenCV.

Clustering Algorithms in Machine Learning with Python
Clustering Algorithms in Machine Learning with Python

This article is a must-read for anyone looking to unlock the full potential of clustering in machine learning! It delves into the world of clustering, exploring different types such as density-based and centroid-based, and introducing lesser-known techniques like hierarchical and monothetic clustering with Python.

Tokenization, Stemming, and Lemmatization in Python
Tokenization, Stemming, and Lemmatization in Python

This article discusses the preprocessing steps of tokenization, stemming, and lemmatization in natural language processing. It explains the importance of formatting raw text data and provides examples of code in Python for each procedure.

Autoencoders for Dimensionality Reduction using TensorFlow in Python
Autoencoders for Dimensionality Reduction using TensorFlow in Python

Learn how to benefit from the encoding/decoding process of an autoencoder to extract features and also apply dimensionality reduction using Python and Keras all that by exploring the hidden values of the latent space.

A Guide to Explainable AI Using Python
A Guide to Explainable AI Using Python

An overview of model explainability and interpretability fundamentals, AI applications, and biases in AI model predictions. We looked at utilizing SHAP and LIME to explain a Logistic Regression model and how to explain and interpret an ensemble model.

Dimensionality Reduction Using Feature Selection in Python
Dimensionality Reduction Using Feature Selection in Python

Learn how to perform dimensionality reduction with feature selection such as recursively eliminating features, handling highly correlated features, and more using Scikit-learn in Python.

K-Fold Cross Validation using Scikit-Learn in Python
K-Fold Cross Validation using Scikit-Learn in Python

Learn how you can perform K-Fold cross validation technique using the scikit-learn library in Python.

Dimensionality Reduction: Feature Extraction using Scikit-learn in Python
Dimensionality Reduction: Feature Extraction using Scikit-learn in Python

Learn how to perform different dimensionality reduction using feature extraction methods such as PCA, KernelPCA, Truncated SVD, and more using Scikit-learn library in Python.

Dropout Regularization using PyTorch in Python
Dropout Regularization using PyTorch in Python

Learn the importance of dropout regularization and how to apply it in PyTorch Deep learning framework in Python.

Named Entity Recognition using Transformers and Spacy in Python
Named Entity Recognition using Transformers and Spacy in Python

Learn how you can perform named entity recognition using HuggingFace Transformers and spaCy libraries in Python.

Logistic Regression using PyTorch in Python
Logistic Regression using PyTorch in Python

Learn how to perform logistic regression algorithm using the PyTorch deep learning framework on a customer churn example dataset in Python.

Handling Imbalanced Datasets: A Case Study with Customer Churn
Handling Imbalanced Datasets: A Case Study with Customer Churn

Learn how to handle one of the main data science common problems, which are imbalanced datasets, how to deal with them using SMOTE, tweaking class weights, and resampling in Python.

Recommender Systems using Association Rules Mining in Python
Recommender Systems using Association Rules Mining in Python

Build a recommender system for market basket analysis With association rule mining with the Online Retail dataset in Python.

Customer Churn Prediction: A Complete Guide in Python
Customer Churn Prediction: A Complete Guide in Python

Learn how to perform data analysis and make predictive models to predict customer churn effectively in Python using sklearn, seaborn and more.

Credit Card Fraud Detection in Python
Credit Card Fraud Detection in Python

Learn how to build a model that is able to detect fraudulent credit card transactions with high accuracy, recall and F1 score using Scikit-learn in Python.

Fake News Detection in Python
Fake News Detection in Python

Exploring the fake news dataset, performing data analysis such as word clouds and ngrams, and fine-tuning BERT transformer to build a fake news detector in Python using transformers library.

How to Paraphrase Text using Transformers in Python
How to Paraphrase Text using Transformers in Python

Explore different pre-trained transformer models in transformers library to paraphrase sentences in Python.