Scientific Responsibility: SYMEONIDIS PANAGIOTIS
Academic Responsibility: SYMEONIDIS PANAGIOTIS
INITIAL COST: 120,00 € (Program Discounts)
Teaching Unit 1: Tranformers, Large Language Models, and ChatGPT |
---|
Description | 1.1 Transformers 1.2 Attention and Seif-Attention 1.3 Multi-head Attention 1.4 Positional Encoding 1.5 Large Language Models and ChatGPT 1.5.1 Transformer layers 1.5.2. Positional Encoding 1.6 Encoder Transformers 1.7 Decoder Transformers 1.8 Encoder and Decoder Transformers 1.9 Multi-model Transformers and Google's Med Gemini 1.10 Chapter Questions | ||
Start date | 02/02/2025 | ||
End date | 04/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Transformers, Large Language Models, and ChatGPT |
Teaching Unit 2: Large Language Models and Recommendation Algorithms |
---|
Description | Objectives, Types of Large Language Models, ChatGPT, Gemini, Llama and other Hybrid Systems, Types of Data Mining/Machine Learning/Transfer/Information Retrieval/Generative Adversarial Network Algorithms, large language models (LLMs) and large multi-modal models (LMMs), Audio transformer, Word transformer, Video transformer, Image transformer. 2.1 The Vector Space Model, bag of words and Tokenization Vector Space Model (TF-IDF), 2.2 Word Embedding, Word2Vec and skip-grams approaches 2.3 Recommendations based on Content Data 2.4 Decision Tree Classifier Decision Tree Classifier, Bayesian Classifier 2.5 Feature Selection Feature Selection, Gini Index, Entropy, X2-statistic 2.6 Naive Bayes Classifier 2.7 Python Exercise: Recommend Friends based on the CBF Algorithm | ||
Start date | 05/02/2025 | ||
End date | 07/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Large Language Models and Recommendation Algorithms |
Teaching Unit 3: Collaborative Filtering Algorithms |
---|
Description | 3.1 Introduction in CF algorithms Introduction in Information Retrieval and Filtering Factors and Challenges in Collaborative Filtering (CF), 3.2 Factors Affecting the CF Process First Stage Factors, Second Stage Factors, Third Stage Factors 3.3 Comparative Performance of CF algorithms Comparative Performance Study of CF Algorithms 3.4 Chapter Questions 3.5 Python Exercise: Constructing a User-User Similarity Matrix Implementation of the User-User Similarity Matrix in Python | ||
Start date | 08/02/2025 | ||
End date | 10/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Collaborative Filtering Algorithms |
Teaching Unit 4: Context-aware AI Systems |
---|
Description | Sequence-aware AI systems, Sequence to Sequence Transformers Encoder-Decoder Transformers 4.1 Time-aware AI Systems 4.2 Location-aware AI Systems 4.3 Recommendation systems for LBSNs LBSNs = Location-based Social Networks 4.4 Types of Recommendations in LBSNs Location-aware Recommendation, Itinerary Recommendation, Hybrid Recommenders, Weighted Hybrid methods, Ensemble-based methods. 4.5 Hybrid and Ensemble Methods 4.6 Types of Hybrid Systems 4.7 Python Exercise: Recommend Friends based on a Hybrid Algorithm | ||
Start date | 10/02/2025 | ||
End date | 12/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Context-aware AI Systems |
Teaching Unit 5: Dimensionality Reduction and Matrix Decomposition Algorithms |
---|
Description | Dimensionality Reduction, Matrix Decomposition, Principal Components Analysis, Singular Value Decomposition, UV-decomposition, Alternating Least Squares Method (wALS), Tensor decomposition, Bayesian Pairwise Ranking. 5.1 Eigenvalue Decomposition 5.2 Singular Value Decomposition 5.3 From SVD to UV-decomposition 5.4 Tensor Decomposition 5.5 From SVD to UV-decomposition 5.6 Tensor Decomposition 5.7 Tucker Decomposition 5.8 Python Exercise: Apply UV-decomposition to a User-Item Rating Matrix | ||
Start date | 12/02/2025 | ||
End date | 14/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Dimensionality Reduction and Matrix Decomposition Algorithms |
Teaching Unit 6: Deep Neural Networks and Genetic Algorithms |
---|
Description | Multi-layer Perceptrons, Recurrent Neural Networks, Convolution Neural Networks, Graph Neural Networks, Feed Forward Propagation and Back-propagation algorithm. 6.1 Perceptron's structure 6.2 Single-layer Perceptron 6.3 Multi-layer Perceptron 6.4 Convolutional Neural Networks 6.5 Recurrent Neural Networks 6.6 Genetic Algorithms 6.7 Genetic Operations 6.8 Python Exercise: Use a Neural Network to Factorise a User-Item Rating Matrix | ||
Start date | 15/02/2025 | ||
End date | 17/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Deep Neural Networks and Genetic Algorithms |
Teaching Unit 7: Deep Reinforcement Learning |
---|
Description | Markov Chain Model, Tabular Q-learning, Reinforcement Learning, A2C (Advantage Actor-Critic), Double Deep Q-Network, Genetic Algorithms 7.1 Q-learning Algorithm 7.2 Step-by-Step Execusion of the Q-learning Algorithm 7.3 Deep Reinforcement Learning 7.4 Deep Q-Network with Experience Replay Algorithm 7.5 Advantage Actor Critic Algorithm 7.6 Python Exercise 1: Implement the Tabular Q-learning Algorithm 7.7 Python Exercise 2: Implement the DQN Algorithm | ||
Start date | 17/02/2025 | ||
End date | 19/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Deep Reinforcement Learning |
Teaching Unit 8: Deep Graph Neural Networks |
---|
Description | Graph Local-based Graph Similarity algorithms, Common Friends, Triangles, Connected Components, Global-based Graph Similarity algorithms, Random Walk with Restart, SimRank algorith, PathSim algorithm, Graph attention networks, Edge embeddings, Node embedding 8.1 Graphs Fundamentals 8.2 Local-based Similarity Measures 8.3 Global-based Similarity Measures 8.4 Knowledge Graphs 8.5 Graph Convolutional Networks 8.6 Python Exercise: Graph-based Recommendations for an Online Newspaper | ||
Start date | 20/02/2025 | ||
End date | 22/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Deep Graph Neural Networks |
Teaching Unit 9: Evaluation metrics of AI systems |
---|
Description | Evaluation Metrics, Contingency Table, Precision, Recall, and NDCG, ROC curves, MAE, RMSE for Rating Prediction. 9.1 Introduction to Models' Evaluation 9.2 MAE and RMSE 9.3 Precision, Recall and F1 metric 9.4 ROC curve and AUC metric 9.5 Normalized Discounted Cumulative Gain 9.6 Beyond Accuracy Metrics 9.7 Python Exercise: Build an Evaluation Framework | ||
Start date | 23/02/2025 | ||
End date | 25/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 Evaluation metrics of AI systems |
Teaching Unit 10: New Trends in LLMs and Recommender Systems |
---|
Description | From LLMs to LMMs (multi-modal), Med Gemini, large language models (LLMs) and large multi-modal models (LMMs), Audio transformer, Word transformer, Video transformer, Image transformer. ChatGPT for Group recommenders 10.1 Group Recommender Systems 10.2 Ethics in Intelligent Systems 10.3 Fairness, Accountability, Censorship 10.4 Privacy in Intelligent Systems 10.5 Systems' Architecture for Privacy 10.6 Algorithmic Techniques for Privacy Protection 10.7 Legal Framework for Privacy Protection Privacy-aware recommenders, Types of Attacks, Privacy Protection Methods, Fairness, Accountability, Examples of non-biased recommender systems, Fair PageRank-based Random walks. | ||
Start date | 25/02/2025 | ||
End date | 28/02/2025 | ||
Hours | 10.00 | ||
Academic Responsibility | PANAGIOTIS SYMEONIDIS | ||
Sessions | 1 New Trends in LLMs and Recommender Systems |
Contact Details: PANAGIOTIS SYMEONIDIS [psymeon(at)aegean.gr - Phone 00306973882408]
WEBSITE: http://www.panagiotissymeonidis.com/llmbook/index.php