Machine Learning, Data Science and Generative AI with Python

Machine Learning, Data Science and Generative AI with Python

This course begins with a Python crash course and then guides you on setting up Microsoft Windows-based PCs, Linux desktops, and Macs. After the setup, we delve into machine learning, AI, and data mining techniques, which include deep learning and neural networks with TensorFlow and Keras; generative models with variational autoencoders and generative adversarial networks; data visualization in Python with Matplotlib and Seaborn; transfer learning, sentiment analysis, image recognition, and classification; regression analysis, K-Means Clustering, Principal Component Analysis, training/testing and cross-validation, Bayesian methods, decision trees, and random forests.
Additionally, we will cover multiple regression, multilevel models, support vector machines, reinforcement learning, collaborative filtering, K-Nearest Neighbors, the bias/variance tradeoff, ensemble learning, term frequency/inverse document frequency, experimental design, and A/B testing, feature engineering, hyperparameter tuning, and much more! There's a dedicated section on machine learning with Apache Spark to scale up these techniques to "big data" analyzed on a computing cluster.
The course will cover the Transformer architecture, delve into the role of self-attention in AI, explore GPT applications, and practice fine-tuning Transformers for tasks such as movie review analysis. Furthermore, we will look at integrating the OpenAI API for ChatGPT, creating with DALL-E, understanding embeddings, and leveraging audio-to-text to enhance AI with real-world data and moderation.

Responsible Ahmed Abd Elfattah
Last Update 26/12/2024
Members 1
Basic Data Science AI
    • 1.1 Introduction
      New
    • 1.2 [Activity] Windows: Installing and Using Anaconda and Course Materials
      New
    • 1.3 [Activity] MAC: Installing and Using Anaconda and Course Materials
      New
    • 1.4 [Activity] Linux: Installing and Using Anaconda and Course Materials
      New
    • 1.5 Python Basics, Part 1 [Optional]
      New
    • 1.6 [Activity] Python Basics, Part 2 [Optional]
      New
    • 1.7 [Activity] Python Basics, Part 3 [Optional]
      New
    • 1.8 [Activity] Python Basics, Part 4 [Optional]
      New
    • 1.9 Introducing the Pandas Library [Optional]
      New
    • 2.1 Types of Data (Numerical, Categorical, Ordinal)
      New
    • 2.2 Mean, Median, Mode
      New
    • 2.3 [Activity] Using Mean, Median, and Mode in Python
      New
    • 2.4 [Activity] Variation and Standard Deviation
      New
    • 2.5 Probability Density Function; Probability Mass Function
      New
    • 2.6 Common Data Distributions (Normal, Binomial, Poisson, and So On)
      New
    • 2.7 [Activity] Percentiles and Moments
      New
    • 2.8 [Activity] A Crash Course in matplotlib
      New
    • 2.9 [Activity] Advanced Visualization with Seaborn
      New
    • 2.10 [Activity] Covariance and Correlation
      New
    • 2.11 [Exercise] Conditional Probability
      New
    • 2.12 Exercise Solution: Conditional Probability of Purchase by Age
      New
    • 2.13 Bayes’ Theorem
      New
    • 3.1 [Activity] Linear Regression
      New
    • 3.2 [Activity] Polynomial Regression
      New
    • 3.3 [Activity] Multiple Regression and Predicting Car Prices
      New
    • 3.4 Multi-Level Models
      New
    • 4.1 Supervised Versus Unsupervised Learning, and Train/Test
      New
    • 4.2 [Activity] Using Train/Test to Prevent Overfitting a Polynomial Regression
      New
    • 4.3 Bayesian Methods: Concepts
      New
    • 4.4 [Activity] Implementing a Spam Classifier with Naive Bayes
      New
    • 4.5 K-Means Clustering
      New
    • 4.6 [Activity] Clustering People Based on Income and Age
      New
    • 4.7 Measuring Entropy
      New
    • 4.8 [Activity] Windows: Installing GraphViz
      New
    • 4.9 [Activity] MAC: Installing GraphViz
      New
    • 4.10 [Activity] Linux: Installing GraphViz
      New
    • 4.11 Decision Trees: Concepts
      New
    • 4.12 [Activity] Decision Trees: Predicting Hiring Decisions
      New
    • 4.13 Ensemble Learning
      New
    • 4.14 [Activity] XGBoost
      New
    • 4.15 Support Vector Machines (SVM) Overview
      New
    • 4.16 [Activity] Using SVM to Cluster People Using Scikit-Learn
      New
    • 5.1 User-Based Collaborative Filtering
      New
    • 5.2 Item-Based Collaborative Filtering
      New
    • 5.3 [Activity] Finding Movie Similarities Using Cosine Similarity
      New
    • 5.4 [Activity] Improving the Results of Movie Similarities
      New
    • 5.5 [Activity] Making Movie Recommendations with Item-Based Collaborative Filtering
      New
    • 5.6 [Exercise] Improve the Recommender’s Results
      New
    • 6.1 K-Nearest-Neighbors: Concepts
      New
    • 6.2 [Activity] Using KNN to Predict a Rating for a Movie
      New
    • 6.3 Dimensionality Reduction; Principal Component Analysis (PCA)
      New
    • 6.4 [Activity] PCA Example with the Iris Dataset
      New
    • 6.5 Data Warehousing Overview: ETL and ELT
      New
    • 6.6 Reinforcement Learning
      New
    • 6.7 [Activity] Reinforcement Learning and Q-Learning with Gym
      New
    • 6.8 Understanding a Confusion Matrix
      New
    • 6.9 Measuring Classifiers (Precision, Recall, F1, ROC, AUC)
      New
    • 7.1 Bias/Variance Tradeoff
      New
    • 7.2 [Activity] K-Fold Cross-Validation to Avoid Overfitting
      New
    • 7.3 Data Cleaning and Normalization
      New
    • 7.4 [Activity] Cleaning Web Log Data
      New
    • 7.5 Normalizing Numerical Data
      New
    • 7.6 [Activity] Detecting Outliers
      New
    • 7.7 Feature Engineering and the Curse of Dimensionality
      New
    • 7.8 Imputation Techniques for Missing Data
      New
    • 7.9 Handling Unbalanced Data: Oversampling, Undersampling, and SMOTE
      New
    • 7.10 Binning, Transforming, Encoding, Scaling, and Shuffling
      New
    • 8.1 [Activity] Installing Spark - Part 1
      New
    • 8.2 [Activity] Installing Spark - Part 2
      New
    • 8.3 Spark Introduction
      New
    • 8.4 Spark and the Resilient Distributed Dataset (RDD)
      New
    • 8.5 Introducing MLLib
      New
    • 8.6 Introduction to Decision Trees in Spark
      New
    • 8.7 [Activity] K-Means Clustering in Spark
      New
    • 8.8 TF / IDF
      New
    • 8.9 [Activity] Searching Wikipedia with Spark
      New
    • 8.10 [Activity] Using the Spark DataFrame API for MLLib
      New
    • 9.1 Deploying Models to Real-Time Systems
      New
    • 9.2 A/B Testing Concepts
      New
    • 9.3 T-Tests and P-Values
      New
    • 9.4 [Activity] Hands-On with T-Tests
      New
    • 9.5 Determining How Long to Run an Experiment
      New
    • 9.6 A/B Test Gotchas
      New
    • 10.1 Deep Learning Prerequisites
      New
    • 10.2 The History of Artificial Neural Networks
      New
    • 10.3 [Activity] Deep Learning in the TensorFlow Playground
      New
    • 10.4 Deep Learning Details
      New
    • 10.5 Introducing TensorFlow
      New
    • 10.6 [Activity] Using TensorFlow, Part 1
      New
    • 10.7 [Activity] Using TensorFlow, Part 2
      New
    • 10.8 [Activity] Introducing Keras
      New
    • 10.9 [Activity] Using Keras to Predict Political Affiliations
      New
    • 10.10 Convolutional Neural Networks (CNNs)
      New
    • 10.11 [Activity] Using CNNs for Handwriting Recognition
      New
    • 10.12 Recurrent Neural Networks (RNNs)
      New
    • 10.13 [Activity] Using a RNN for Sentiment Analysis
      New
    • 10.14 [Activity] Transfer Learning
      New
    • 10.15 Tuning Neural Networks: Learning Rate and Batch Size Hyperparameters
      New
    • 10.16 Deep Learning Regularization with Dropout and Early Stopping
      New
    • 10.17 The Ethics of Deep Learning
      New
    • 11.1 Variational Auto-Encoders (VAEs) - How They Work
      New
    • 11.2 Variational Auto-Encoders (VAE) - Hands-On with Fashion MNIST
      New
    • 11.3 Generative Adversarial Networks (GANs) - How They Work
      New
    • 11.4 Generative Adversarial Networks (GANs) - Playing with Some Demos
      New
    • 11.5 Generative Adversarial Networks (GANs) - Hands-On with Fashion MNIST
      New
    • 11.6 Learning More about Deep Learning
      New
    • 12.1 The Transformer Architecture (encoders, decoders, and self-attention.)
      New
    • 12.2 Self-Attention, Masked Self-Attention, and Multi-Headed Self Attention in depth
      New
    • 12.3 Applications of Transformers (GPT)
      New
    • 12.4 How GPT Works, Part 1: The GPT Transformer Architecture
      New
    • 12.5 How GPT Works, Part 2: Tokenization, Positional Encoding, Embedding
      New
    • 12.6 Fine Tuning / Transfer Learning with Transformers
      New
    • 12.7 [Activity] Tokenization with Google CoLab and HuggingFace
      New
    • 12.8 [Activity] Positional Encoding
      New
    • 12.9 [Activity] Masked, Multi-Headed Self Attention with BERT, BERTViz, and exBERT
      New
    • 12.10 [Activity] Using small and large GPT models within Google CoLab and HuggingFace
      New
    • 12.11 [Activity] Fine Tuning GPT with the IMDb dataset
      New
    • 12.12 From GPT to ChatGPT: Deep Reinforcement Learning, Proximal Policy Gradients
      New
    • 12.13 From GPT to ChatGPT: Reinforcement Learning from Human Feedback and Moderation
      New
    • 13.1 [Activity] The OpenAI Chat Completions API
      New
    • 13.2 [Activity] Using Functions in the OpenAI Chat Completion API
      New
    • 13.3 [Activity] The Images (DALL-E) API in OpenAI
      New
    • 13.4 [Activity] The Embeddings API in OpenAI: Finding similarities between words
      New
    • 13.5 [Activity] The Completions API in OpenAI
      New
    • 13.6 The Legacy Fine-Tuning API for GPT Models in OpenAI
      New
    • 13.7 [Demo] Fine-Tuning OpenAI's Davinci Model to simulate Data from Star Trek
      New
    • 13.8 The New OpenAI Fine-Tuning API; Fine-Tuning GPT-3.5 to simulate Commander Data!
      New
    • 13.9 [Activity] The OpenAI Moderation API
      New
    • 13.10 [Activity] The OpenAI Audio API (speech to text)
      New
    • 14.1 Your Final Project Assignment: Mammogram Classification
      New
    • 14.2 Final Project Review
      New
    • 15.1 More to Explore
      New