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 |
-
-
1.1 IntroductionNew
-
1.2 [Activity] Windows: Installing and Using Anaconda and Course MaterialsNew
-
1.3 [Activity] MAC: Installing and Using Anaconda and Course MaterialsNew
-
1.4 [Activity] Linux: Installing and Using Anaconda and Course MaterialsNew
-
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, ModeNew
-
2.3 [Activity] Using Mean, Median, and Mode in PythonNew
-
2.4 [Activity] Variation and Standard DeviationNew
-
2.5 Probability Density Function; Probability Mass FunctionNew
-
2.6 Common Data Distributions (Normal, Binomial, Poisson, and So On)New
-
2.7 [Activity] Percentiles and MomentsNew
-
2.8 [Activity] A Crash Course in matplotlibNew
-
2.9 [Activity] Advanced Visualization with SeabornNew
-
2.10 [Activity] Covariance and CorrelationNew
-
2.11 [Exercise] Conditional ProbabilityNew
-
2.12 Exercise Solution: Conditional Probability of Purchase by AgeNew
-
2.13 Bayes’ TheoremNew
-
3.1 [Activity] Linear RegressionNew
-
3.2 [Activity] Polynomial RegressionNew
-
3.3 [Activity] Multiple Regression and Predicting Car PricesNew
-
3.4 Multi-Level ModelsNew
-
4.1 Supervised Versus Unsupervised Learning, and Train/TestNew
-
4.2 [Activity] Using Train/Test to Prevent Overfitting a Polynomial RegressionNew
-
4.3 Bayesian Methods: ConceptsNew
-
4.4 [Activity] Implementing a Spam Classifier with Naive BayesNew
-
4.5 K-Means ClusteringNew
-
4.6 [Activity] Clustering People Based on Income and AgeNew
-
4.7 Measuring EntropyNew
-
4.8 [Activity] Windows: Installing GraphVizNew
-
4.9 [Activity] MAC: Installing GraphVizNew
-
4.10 [Activity] Linux: Installing GraphVizNew
-
4.11 Decision Trees: ConceptsNew
-
4.12 [Activity] Decision Trees: Predicting Hiring DecisionsNew
-
4.13 Ensemble LearningNew
-
4.14 [Activity] XGBoostNew
-
4.15 Support Vector Machines (SVM) OverviewNew
-
4.16 [Activity] Using SVM to Cluster People Using Scikit-LearnNew
-
5.1 User-Based Collaborative FilteringNew
-
5.2 Item-Based Collaborative FilteringNew
-
5.3 [Activity] Finding Movie Similarities Using Cosine SimilarityNew
-
5.4 [Activity] Improving the Results of Movie SimilaritiesNew
-
5.5 [Activity] Making Movie Recommendations with Item-Based Collaborative FilteringNew
-
5.6 [Exercise] Improve the Recommender’s ResultsNew
-
6.1 K-Nearest-Neighbors: ConceptsNew
-
6.2 [Activity] Using KNN to Predict a Rating for a MovieNew
-
6.3 Dimensionality Reduction; Principal Component Analysis (PCA)New
-
6.4 [Activity] PCA Example with the Iris DatasetNew
-
6.5 Data Warehousing Overview: ETL and ELTNew
-
6.6 Reinforcement LearningNew
-
6.7 [Activity] Reinforcement Learning and Q-Learning with GymNew
-
6.8 Understanding a Confusion MatrixNew
-
6.9 Measuring Classifiers (Precision, Recall, F1, ROC, AUC)New
-
7.1 Bias/Variance TradeoffNew
-
7.2 [Activity] K-Fold Cross-Validation to Avoid OverfittingNew
-
7.3 Data Cleaning and NormalizationNew
-
7.4 [Activity] Cleaning Web Log DataNew
-
7.5 Normalizing Numerical DataNew
-
7.6 [Activity] Detecting OutliersNew
-
7.7 Feature Engineering and the Curse of DimensionalityNew
-
7.8 Imputation Techniques for Missing DataNew
-
7.9 Handling Unbalanced Data: Oversampling, Undersampling, and SMOTENew
-
7.10 Binning, Transforming, Encoding, Scaling, and ShufflingNew
-
8.1 [Activity] Installing Spark - Part 1New
-
8.2 [Activity] Installing Spark - Part 2New
-
8.3 Spark IntroductionNew
-
8.4 Spark and the Resilient Distributed Dataset (RDD)New
-
8.5 Introducing MLLibNew
-
8.6 Introduction to Decision Trees in SparkNew
-
8.7 [Activity] K-Means Clustering in SparkNew
-
8.8 TF / IDFNew
-
8.9 [Activity] Searching Wikipedia with SparkNew
-
8.10 [Activity] Using the Spark DataFrame API for MLLibNew
-
9.1 Deploying Models to Real-Time SystemsNew
-
9.2 A/B Testing ConceptsNew
-
9.3 T-Tests and P-ValuesNew
-
9.4 [Activity] Hands-On with T-TestsNew
-
9.5 Determining How Long to Run an ExperimentNew
-
9.6 A/B Test GotchasNew
-
10.1 Deep Learning PrerequisitesNew
-
10.2 The History of Artificial Neural NetworksNew
-
10.3 [Activity] Deep Learning in the TensorFlow PlaygroundNew
-
10.4 Deep Learning DetailsNew
-
10.5 Introducing TensorFlowNew
-
10.6 [Activity] Using TensorFlow, Part 1New
-
10.7 [Activity] Using TensorFlow, Part 2New
-
10.8 [Activity] Introducing KerasNew
-
10.9 [Activity] Using Keras to Predict Political AffiliationsNew
-
10.10 Convolutional Neural Networks (CNNs)New
-
10.11 [Activity] Using CNNs for Handwriting RecognitionNew
-
10.12 Recurrent Neural Networks (RNNs)New
-
10.13 [Activity] Using a RNN for Sentiment AnalysisNew
-
10.14 [Activity] Transfer LearningNew
-
10.15 Tuning Neural Networks: Learning Rate and Batch Size HyperparametersNew
-
10.16 Deep Learning Regularization with Dropout and Early StoppingNew
-
10.17 The Ethics of Deep LearningNew
-
11.1 Variational Auto-Encoders (VAEs) - How They WorkNew
-
11.2 Variational Auto-Encoders (VAE) - Hands-On with Fashion MNISTNew
-
11.3 Generative Adversarial Networks (GANs) - How They WorkNew
-
11.4 Generative Adversarial Networks (GANs) - Playing with Some DemosNew
-
11.5 Generative Adversarial Networks (GANs) - Hands-On with Fashion MNISTNew
-
11.6 Learning More about Deep LearningNew
-
12.1 The Transformer Architecture (encoders, decoders, and self-attention.)New
-
12.2 Self-Attention, Masked Self-Attention, and Multi-Headed Self Attention in depthNew
-
12.3 Applications of Transformers (GPT)New
-
12.4 How GPT Works, Part 1: The GPT Transformer ArchitectureNew
-
12.5 How GPT Works, Part 2: Tokenization, Positional Encoding, EmbeddingNew
-
12.6 Fine Tuning / Transfer Learning with TransformersNew
-
12.7 [Activity] Tokenization with Google CoLab and HuggingFaceNew
-
12.8 [Activity] Positional EncodingNew
-
12.9 [Activity] Masked, Multi-Headed Self Attention with BERT, BERTViz, and exBERTNew
-
12.10 [Activity] Using small and large GPT models within Google CoLab and HuggingFaceNew
-
12.11 [Activity] Fine Tuning GPT with the IMDb datasetNew
-
12.12 From GPT to ChatGPT: Deep Reinforcement Learning, Proximal Policy GradientsNew
-
12.13 From GPT to ChatGPT: Reinforcement Learning from Human Feedback and ModerationNew
-
13.1 [Activity] The OpenAI Chat Completions APINew
-
13.2 [Activity] Using Functions in the OpenAI Chat Completion APINew
-
13.3 [Activity] The Images (DALL-E) API in OpenAINew
-
13.4 [Activity] The Embeddings API in OpenAI: Finding similarities between wordsNew
-
13.5 [Activity] The Completions API in OpenAINew
-
13.6 The Legacy Fine-Tuning API for GPT Models in OpenAINew
-
13.7 [Demo] Fine-Tuning OpenAI's Davinci Model to simulate Data from Star TrekNew
-
13.8 The New OpenAI Fine-Tuning API; Fine-Tuning GPT-3.5 to simulate Commander Data!New
-
13.9 [Activity] The OpenAI Moderation APINew
-
13.10 [Activity] The OpenAI Audio API (speech to text)New
-
14.1 Your Final Project Assignment: Mammogram ClassificationNew
-
14.2 Final Project ReviewNew
-
15.1 More to ExploreNew
-