Python & Machine Learning
Basic Python Webinar
Lesson 1
Introduction to Jupyter IDE
Introduction to Python
- Expressions
- Data types
- Arithmetic operations
- Control flows
Lesson 2
More about Python
- Functions
- String operations
- Containers (list, tuple, set, dictionary)
- Introduction to encoding
- Manipulating dates and times (the datetime module)
Lesson 3
Python libraries for numerical computations and data analysis
- NumPy
Lesson 4
Python libraries for numerical computations and data analysis
- Pandas
Database management with Python
- MySQL
Lesson 5
Visualization with Python libraries
- Matplotlib
- A higher-level approach: Seaborn
Lecture Videos:
Course Material: Staff / Student
Machine Learning with Python (1) Workshop
Lesson 1
- Introduction to Machine Learning
- Supervised learning, unsupervised learning and reinforcement learning
- Feature engineering
- Numerical data
- Categorical data
- Text feature
- Image feature - Modal pipeline
- Naïve Bayes Classifier
- Conditional probability and Bayes Theorem
- Gaussian Naïve Bayes
- Multinomial Naïve Bayes
Lesson 2
- Linear Regression
- Formulation and Gradient Descent
- Regression variations
- Simple linear regression
- Multiple linear regression
- Basis function regression - Regularization
- Ridge, lasso and elastic net
- Logistic Regression
- Formulation and Cost function (log loss)
- Example on breast cancer dataset
Lesson 3
- Support Vector Machine
- Basic Linear Algebra
- SVM optimization problem
- Linear and nonlinear boundary
- Soft margins - SVM on face recognition
- Decision Tree and Random Forest
- Decision Tree
- Terminology and mathematical expression
- Decision boundary - Random Forest
- Classification and regression - Visualizing tree models
- Problems with Tree-based algorithm
- Overfitting
- Bias on imbalance dataset
- Decision Tree
Lesson 4
- Principal Component Analysis
- Linear algebra prerequisite
- Orthogonal basis, eigenvectors and eigenvalues, covariance matrix - Applications of PCA
- Dimensional reduction
- Visualization of high dimensional data
- Noise filtering - Example: combine application with SVM to improve performance on face recognition
- Linear algebra prerequisite
- K-Means Clustering
- Lloyd’s algorithm
- Challenges of using K-means
- Non-linear boundary problems
- Spectral clustering - Use cases
- Data clustering and color compression
Lesson 5
- Modal Validation I
- Evaluation metrics for classification
- Accuracy, precision, recall, f1 score - Evaluation metrics for regression
- MAE, MSE and coefficient of determination - Training and testing
- Splitting data
- K-fold cross validation
- Leave-one-out cross validation
- Evaluation metrics for classification
- Modal Validation II
- Bias-variance trade-off
- Validation curve
- Learning curve
- Hyperparameter search
- Grid search and random search
Lesson 6
- Handling Imbalanced dataset
- Choosing the right metrics
- Resampling
- Random sampling
- Undersampling
(1) Tomek Links
(2) Near-Miss
- Oversampling
(1) SMOTE
(2) ADASYN
- Putting it all together – survival analysis
- Introduction to the problem
- Exploratory Data Analysis (EDA)
- Filling missing data
- Feature engineering
- Classification with random forest
- Hyperparameter tuning
Lecture Videos:
Course Material: Staff / Student
Machine Learning with Python (2) Workshop
Lesson 1
- Introduction and Terminology
- Time Series Plot
- Common Time Series Transformation
- Log, Power, Box-Cox Transformations
- Moving Average
- Simple Moving Average and Exponential Moving Average
- Naïve Prediction Method
- Seasonal Naïve Method, Extrapolation
- Time Series Decomposition
- Stationarity
- Augmented Dicky Fuller Test
Lesson 2
- Univariate Time Series Forecast
- Exponential Smoothing
- Single, Double and Triple (Holt’s Winter) Exponential Smoothing
- Damped Method
- ARIMA Model
- Autoregression Model, Moving Average Model, Autoregressive Moving Average Model, Non-seasonal and Seasonal ARIMA Model
Lesson 3
- Multivariate Time Series Forecast
- Vector Auto Regression (VAR)
- Order selection
- Granger’s Causality Test
- Order of Integration
- Durbin Watson Statistic
- Long Short-Term Memory (LSTM)
- Introduction to Neural Network
- Artificial Neural Network, Deep Neural Network, Recurrent Neural Network
- Introduction to LSTM
- Time Series Forecast with LSTM using Keras
- Introduction to Neural Network
Lecture Videos:
Course Material: Staff / Student
Machine Learning Fundamentals Webinar
- Introduction to Artificial Intelligence, Machine Learning and Deep Learning
- Data Visualization with Orange
- Data Preparation using Python
- Business Modelling for Data Analysis
- Supervised Learning and Unsupervised Learning
- Classification: K Nearest Neighbors, Neural Network...
- Clustering: K-means Clustering...
Lecture Videos:
Course Material: Staff / Student
Machine Learning Techniques Webinar
- Lesson 1 - Regression and Sequential Pattern I
- Regression Problem Introduction
- Overfitting and Generalization
- Error Function
- Linear Regression
- Lesson 2 - Regression and Sequential Pattern II
- Logistic Regression
- Sequential Pattern Problem Introduction
- Abnormal Detection
- Lesson 3 - Classification and Neural Network I
- Linear Classifiers and Logistic Regression
- Overfitting and Regularization in Logistic Regression
- Decision Trees
- Boosting
- Handling Missing Data
- Naive Bayes Classifer
- Support Vector Machines
- Lesson 4 - Classification and Neural Network II
- Basic Deep Neural Network
- Convolution Neural Network
- Generative Adversarial Network
- Lesson 5 - Clustering
- Nearest Neighbor Search (KNN)
- Clustering with K-means
- Mixture Models
- Lesson 6 - Assoication Rules and Outlier Detection
- Apriori Algorithm
- Isolcation Forest
- Minimum Covariance Determinant
- Local Outlier Factor
- One-Class SVM
Lecture Videos:
Course Material: Staff / Student
Machine Learning: Using user-friendly GUI tool without coding Webinar
Lesson 1
Introduction to Machine Learning
Data Mining and Workflow
ML Technique: Linear Regression
Lesson 2
ML Technique: Classification and Clustering
Lesson 3
ML Technique: Logistic Regression and Apriori Algorithm
Lesson 4
Use of ML Technique: Image Classification
ML Technique: Naïve Bayes Classifier
Lesson 5
Use of ML Technique: Text Mining
Lesson 6
Use of ML Technique: Time Series Forecasting
Real-world Example Using ML
Lecture Videos:
Course Material: Staff / Student
Deep Learning with Python Workshop
Lesson 1
Deep Learning with Tensorflow
Tensor and Operations
Linear Regression
Deep Neural Network
Lesson 2
Convolutional Neural Network (CNN)
CNN on Image Classification
Augmentation
Transfer Learning
Lesson 3
Natural Language Processing
Tokenization and Word Embedding
Transformer and BERT
Lesson 4
Time Series Forecasting
RNN and LSTM
Temporal Fusion Transformer
Lesson 5
Neural Network Hyperparameter Tuning
Keras Tuner
HParams
Lecture Videos:
Course Material: Staff / Student