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