USAAIO Foundations: Machine Learning & Data Analysis
- 13 Sections
- 137 Lessons
- 8 Quizzes
Introduction to AI and ML
- Introduction to AI and Machine Learning
- 📚 The History of AI/Machine Learning
- Advanced topic: Marvin Minsky's claim trigger the first AI Winter
- 📘The Big Paradigm Shift: From “Coding Rules” to “Learning from Data”
- Overview of Machine Learning Workflow
- 🧠 Building Machine Learning Solutions with Responsible AI
- 🤝 Advanced topic: Fairness in Machine Learning
- Some questions for AI/ML
Math ( Statics ) Foundation
- 🧠 What is a Function?
- Homework: Functions
- 🎲 Introduction to Probability
- 🎓 Basic Rules of Probability
- What is Conditional Probability?
- Advanced topic: joint probability P(A, B) or P( A && B)
- Homework: Table and Probability
- 📘 Understanding Bayes’ Theorem
- 🎯Advanced topic: Frequentist vs Bayesian Probability / Inference
- HOMEWORK: Baye's Theorem
- 🎲 Uniform Distribution: Discrete vs. Continuous
- 📊 Probability Distribution & Gaussian Distribution
- 📘 Mean and Variance
- 📊 Advanced topic: Covariance and Correlation
- 📘 Logarithms introduction
- 📘 Entropy, Cross-Entropy, and KL Divergence
- Advanced topic: 📘 Entropy and Information Bits
- Advanced topic: Why do we use log(1/p) (or −log(p)) to define information in bits? Why not just use 1/p?
- Advanced topic: Mutual information (MI)
- Advanced topic: Universe, Maximum Entropy, and Distribution Shape: What Happens?
- 🔶 Advanced topic: Summary: Shannon Entropy vs. Thermodynamic Entropy
- Advanced topic: P/NP
- HOMEWORK: Entropy and KL
- 🧮 Linear Algebra Basics — Vectors, Matrices, and Matrix Operations
- Advanced topic: why KV divergence will not defined as H(Q) - H(P)?
Data Analysis
- Introd Jupter
- Writing and Using Markdown in Jupyter Notebook
- VSCode and Jupternotebook
- 🧑🏫 Google Colab : How to Use It and Install Python Packages
- 🧮 LaTeX Math in colab
- 🎓 Google Colab Assignments
- 🧠 Matrix for Beginners — Understand Matrices and Use NumPy
- Analyzing Numerical Data with NumPy
- 🧠 Advanced topic: What is NumPy Broadcasting?
- 🎓Matrix Operations Using NumPy
- 🧠 Math for Understanding Pandas
- Analyzing Data Using Pandas
- Advanced topic: pandas.crosstab
- 🧠 NumPy vs. Pandas: When to Use Each?
- 📊 Math Concepts Behind Matplotlib Visualizations
- 🎓 Visualization with Matplotlib
- Visualization Using Seaborn
- 📊 Math Concepts Behind Exploratory Data Analysis (EDA)
- Exploratory Data Analysis
- Adanced topic: EDA and model selection/desgin
- Exploratory Data Analysis (EDA) for Housing Prices
- HOMEWORK : EDA ( Titanic data)
- 🏫 EDA Homework solution: Titanic Survival
- 🔍 Exploratory Data Analysis: Credit Card Fraud Detection
Machine Learning Fundamentals
- 📘 Introduction to Types of Machine Learning and Common Algorithms
- Advanced topic: What is R² Score (R-squared)?
- 📘 Types of Machine Learning Problems (Based on Output)
- Advanced topic: Regression vs. Classification Problems with details
- 📘 How to Learn from Data in Machine Learning
- 🧠Advanced topic: Machine Learning Philosophies, Approaches
- ✅ Advanced topic: Why Can Machine Learning Be Treated as a Probability Problem?
- Advanced topic: What is difference between Statistical Learning and Machine Learning
- Dataset Splitting: Training, Test, and Validation
- Advanced topic: what happen if model perform poor on testing-dataset?
Supervised Learning - Regression
- 📘 Supervised Learning
- 🤖 Getting Started with scikit-learn
- Advanced topic: sklearn techniques
- Supervised Learning: Linear Regression
- Advanced topic: Why Use Mean Squared Error (MSE) in Regression?
- 📘 How We Really Do Machine Learning (Supervised Learning Edition)
- 📘 Under the hood: Loss Functions in Machine Learning
- Advanced topic: cost(x) = x^2 + 2x +1, to find the minimum cost
- 🎓 Advanced topic: Gradient Descent
- Advanced topic: Numerical Gradient, Analytical Gradient, and Automatic Differentiation
- Advanced topic: MLE and MAP in Machine Learning
- 📘 How Loss Functions Connect with MLE, MAP, and Priors
- Advanced topic: Supervised learning generative and discriminative approach
- Regression using DecisionTree, RandomForest
- Advanced topic: How Does a Decision Tree Regressor Choose the Best Split?
- Advanced topic: Other regression algorithms
- 📚 Homework: Predicting Disease Progression (Diabetes Dataset Regression)
Supervised Learning - Classification
- Supervised Learning – Classification
- 📊 Classification Model Evaluation
- 🧠 What Happens Inside model.fit() in Scikit-learn?
- Advanced topic: multi-category classification
- Advanced topic: class imbalance
- 🌟 What is the Loss Function for Logistic Regression (Logit)?
- Advanced topic: deep dive into classification with cross-entropy loss.
- Difference Between Logistic Regression and Linear Regression
- Naive Bayes Classifier: Detailed Explanation with Example
- 🧠 Naive Bayes Classifier in Python (with Real Dataset)
- 🔎 Advanced topic: What is TfidfVectorizer?
- 🔎 Advanced topic: What is MultinomialNB()?
- K-Nearest Neighbors (KNN) Algorithm
- 🌟 Advanced topic: What are Non-Parametric Methods in Machine Learning?
- 🎯 Advanced topic: What is Linear Discriminant Analysis (LDA)?
- Advanced topic: other classification algorithms
- HOMEWORK: Supervised Learning – Classification with Scikit-learn
Model evaluation
- Model Evaluation: Performance Metrics and Error
- Understanding Bias and Variance
- Advanced topic: Understanding Variance More Deeply
- Overfitting, Underfitting
- False Positives, False Negatives, and AUC-ROC Curve
- Advanced topic: P-R curve vs RoC curve
- Hypothesis Testing
- Advanced topic: Relationship Between Hypothesis Testing and Machine Learning
Resampling methods
- How to Sample from a Probability Distribution
- Advanced topic: Math details for PDF, CDF, Inverse CDF
- Resampling Methods
- Why Do We Need Cross-Validation?
- Bootstrap
- Advanced topic: why sample 100 points even if we only have 100 points in the original data.
- How Bootstrap Helps in Machine Learning Model Evaluation
- Advanced topic: Bootstrap vs. Cross-Validation
- Dimension Reduction Methods
Advanced ML
unsupervisied learning
- Unsupervised Learning: Clustering , K-Means
- Discussion: can unsupervised method handle regression and classification problem?
- 🧠 What is Semi-Supervised Learning?
- Advanced topic: why the Expectation-Maximization (EM) algorithm can estimate the correct parameters
- Other typical algorithms for unsupervised learning
Neural Networks and DNN
- 🧠 Neural Networks & Deep Learning
- 📚 Advanced topic: Universal Approximation Theorem: Foundation of Neural Networks?
- 🤔 Should Machine Learning Be Treated as a Probability Problem or an Optimization Problem
- 🤖 Deep Learning Frameworks: PyTorch vs TensorFlow vs Keras vs ONNX
- 🎯Detailed analysis : Classify the XOR Dataset
- 🧠 Advanced topic: Backward Propagation
- Advanced topic: Backpropagation without a Closed-Form Formula,
- 🔢 Simple Neural Network for MNIST Classification (PyTorch)
- 🧠 CNN Tutorial with PyTorch (Image Classification)
- 🧠 Word-Level Text Classification with RNN in PyTorch
- 🔁 Transformer Tutorial in PyTorch (Text Classification)
- 🧠 Other Types of Neural Networks (Beyond DNN, RNN, CNN, Transformer)
Reenforcement Learning
AI in real world
USAAIO Foundations: Machine Learning & Data Analysis
This course is designed specifically to align with the USAAIO (USA Artificial Intelligence Olympiad) syllabus, providing students with the mathematical, algorithmic, and machine learning foundations required for AI competitions.
It is ideal for middle and high school students preparing for USAAIO, as well as motivated beginners who want a competition-first introduction to machine learning.
The course emphasizes:
-
Classical machine learning models
-
Data analysis and interpretation
-
Statistical and linear algebra intuition
-
Model evaluation and reasoning
Rather than focusing on engineering frameworks or deep learning systems, this course builds the core ML knowledge tested in USAAIO-style problems.
Who This Course Is For
-
USAAIO preparation students
-
Middle and high school students interested in AI competitions
-
Students with basic Python who want to move into ML
-
Learners planning to advance into USAAIO advanced topics or AI Olympiads
Prerequisites
-
Basic algebra
-
Introductory statistics (helpful but not required)
-
Some familiarity with Python
Learning Outcomes
By the end of this course, students will be able to:
-
Understand the core ML models in the USAAIO syllabus
-
Explain how and why ML algorithms work
-
Apply classical ML techniques to data problems
-
Evaluate models using appropriate metrics
-
Build a strong foundation for advanced USAAIO and AI competition study
Want to submit a review? Login