Machine Learning School

M1-INTRO: Introduction to Artificial Intelligence and Machine Learning

11h 0min
Motivational intro; what is AI; explicit/implicit approaches; machine learning and its types (supervised/unsupervised/reinforcement); local and global generalization; search methods.

M2-DATA-ANALYSIS: The Data Analysis Process

11h 0min
Data analysis, the steps; exploratory data analysis; visualization; ...

M3-SIMPLE-ML: Introduction to Simple Machine Learning Methods

11h 0min
Review of k-nearest neighbours (as an instance of a distance-based, lazy method); the naïve Bayes classifier (as an instance of a method that considers each feature independently); the decision tree (considers combinations of features); ensembles.

M4-CLUST: Cluster Analysis

11h 0min
Clustering methods (k-means, hierarchical clustering, DBSCAN); distance measures; practical examples

M5-CONVEX-OPTI: Convex Optimization

11h 0min
Convex optimization tasks, methods, principles

M6-OPTI-LEARN: Optimization-based Machine Learning

11h 0min
Recap regarding the "acting rationally" paradigm; optimization in machine learning; simple optimization-based approaches (linear+polynomial regression, gradient descent, logistic regression); batch, incremental, mini-batch approach

M7-EVAL: Evaluating Model Performance

11h 0min
Performance measures for classification and regression; verifying the ability to generalize; bias-variance trade-off; regularization methods

M8-INTERPRET-TABULAR: Interpretability of Models on Tabular Data

11h 0min
Why interpretability can be crucial; prediction vs. inference; model-agnostic interpretability methods (LIME, partial dependence plots, permutation importance, ...)

M9-AUTODIFF-ANN: Introduction to Neural Networks and Automatic Differentiation

11h 0min
Artificial neuron and its function, linear separability, activation functions; artificial neural networks, types of architectures; neural networks for regression and classification; how to compute the gradients

M10-DEEP-LEARN: Deep Learning

11h 0min
Motivational examples: the deep learning boom; why depth helps; challenges to deep learning, modern deep learning; deep learning architectures; regularization in deep learning + popular tricks

M11-DEEP-LEARN-ADVANCED: Advanced Approaches in Deep Learning

11h 0min
Unsupervised deep learning: autoencoders, GANs, …; computer vision: visual object detection, semantic segmentation, …

M12-INTERPRET-DEEP: Interpretability Methods for Deep Learning

11h 0min
Interpretability methods, principles, concepts, including e.g. saliency, pre-images, adversarial examples, ...

M13-DEEP-LEARN-SEQ: Deep Learning for Sequential Data

11h 0min
Learning tasks for sequential data; recurrent neural networks + backpropagation through time; sequential attention; transformer, perceiver, perceiver-IO

M14-ENSEMBLE: Ensemble Methods

11h 0min
Homogeneous and heterogeneous ensembles, dependent and independent models; bagging, random forests; boosting, gradient boosting; stacking

M15-DIMRED: Dimensionality Reduction

11h 0min
The linear approach: PCA; graph embedding methods: t-SNE, UMAP

M16-EMBED: Embeddings

11h 0min
Motivational example: face recognition and clustering; distance measures, preprocessing, learning; embeddings in general (classifiers, word embeddings, dimensionality reduction, reinforcement learning, ...);

M17-GP-HYPEROPT: Gaussian Processes and Hyperparameter Optimization

11h 0min
Machine learning and hyperparameters; hyperparameter optimization; Gaussian processes, MLE, MAPE vs. the full Bayesian approach; Bayesian optimization; optimization of hyperparameters: examples

M18-RL: Reinforcement Learning

11h 0min
Motivational examples; Markov decision processes, policies, long-term rewards, the goal of RL; types of RL methods: value-based, policy-based, actor-critic; value functions; exploration vs. exploitation; tabular RL methods; on-policy and off-policy methods; experience replay

M19-DEEP-RL: Deep Reinforcement Learning

11h 0min
Value function representation: tabular, shallow approximation, deep learning; deep value-based methods (DQN); policy gradient methods (REINFORCE); actor-critic methods (A2C, A3C, DDPG, PPO, SAC)

M20-SVM: Support Vector Machines

11h 0min
The maximum-margin classifier; the kernel trick

M21-SEARCH: Search Methods

11h 0min
State space versus the search tree, problem formulation; uninformed vs. informed search; methods and examples

M22-ADVERSARIAL-SEARCH: Search Methods in Adversarial Contexts

11h 0min
Motivation, zero-sum games; minimax, alpha-beta search, memoization; Monte Carlo search, Monte Carlo tree search; deep learning in adversarial search

M23-METAHEURISTICS: Metaheuristic Optimization

11h 0min
Complexity classes: P, NP, NP-hard, …; metaheuristics: the basic idea; genetic algorithms, genetic programming, …; advantages, disadvantages, sample efficiency, …

M24-STATE-SPACE: State-space Approaches in Control

11h 0min
State-space models; state-space models and control

M25-BAYES-NET: Bayesian Networks

11h 0min
The model: graphs and conditional probability tables; inference in Bayesian networks; the Kalman filter as a Bayesian network

M26-GAMING: AI and Gaming

11h 0min
Introduction to ML-Agents; key components: agents, brains, academy; training custom AI for simple games

M27-FAIRNESS: Fairness in Machine Learning

11h 0min
Motivation: why fairness in machine learning is a key topic; fairness frameworks for machine learning; tutorials with group discussions

Team Project

46h 0min
The module covers the work on the team project done throughout the entire duration of the course.