Skip to content

farshad-jafari/class.vision

Β 
Β 

Folders and files

NameName
Last commit message
Last commit date

Latest commit

Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 

Repository files navigation

Vision Class

Vision Class β€’ SRU university Blog β€’ Aparat β€’ Telegram

Introduction to Machine learning and Deep learning for Computer vision, A course from Shahid Rajaie University (SRU) of Tehran, Held in winter and fall of 2018.

Course starts with an Introduction to Computer Vision with practical approach using opencv on python, then, continues with an Introduction to Learning Algorithms and Neural Networks. after that, Deep Neural Networks published after 2012 are studied and are implemented using python and Tensorflow, Keras, and FastAI Machine learning and deep learning frameworks.

Sessions

Tables consisting content of each semester in Persian can be found here: Winter 2018 β€’ Fall 2018

Computer Vision

S1 - Course Introduction

🎯 Topics

Computer vision overview Course logistics

πŸ’‘ Slides

Introduction PDF

πŸ“’ NoteBooks

  1. Beginning
S2 - Opencv basics in python

🎯 Topics

Reading Images Color Spaces Displaying Images Saving Images

πŸ“’ NoteBooks

  1. Reading, writing and displaying images
  2. Grayscaling
  3. Color Spaces 3-2. Extra

πŸ“ Student notes

S3 - Image manipulation (part 1)

🎯 Topics

Linear algebra Transform matrices Interpolation Methods

πŸ’‘ Slides

Image manipulations (1) PDF β€’ PPT

S4 - Image manipulation functions in OpenCV

🎯 Topics

Draw geometric shapes Transform matrices Translations Rotation Resizing Image pyramids Cropping

πŸ“’ NoteBooks

  1. Drawing Images
  2. Translations
  3. Rotations
  4. Scaling, resizing and interpolations
  5. Image Pyramids
  6. Cropping

πŸ“ Student notes

🎞 Videos

Aparat

S5 - Image manipulation (part 2)

🎯 Topics

Logical and Mathematical Operations in OpenCV Image masking in OpenCV Convolution and Correlation filters Moving Average Sharpening Filters in OpenCV

πŸ’‘ Slides

Image manipulations (2) PDF β€’ PPT

πŸ“’ NoteBooks

  1. Arithmetic Operations
  2. Bitwise Operations and Masking
  3. Convolutions and Blurring
  4. Sharpening

πŸ“ Student notes

🎞 Videos

Aparat

S6 - Binary Images, Thresholds, and Morphology Operation

🎯 Topics

Images Types Binary images, and Thresholds Thresholds in OpenCV Morphology (Dilation, Erosion, Opening, and Closing) Morphology in OpenCV

πŸ’‘ Slides

Binary Images and Morphology PDF β€’ PPT

πŸ“’ NoteBooks

  1. Thresholding, Binarization & Adaptive Thresholding
  2. Dilation, Erosion, Opening and Closing

πŸ“ Student notes

🎞 Videos

Aparat

S7 - Edge Detection

🎯 Topics

Images Derivative, and Gradient Canny, and Sobel Edge Detections Edge Detection in OpenCv Perspective Transformation in OpenCv Affine Transforms Using Webcam in OpenCv

πŸ’‘ Slides

Edge Detection PDF β€’ PPT

πŸ“’ NoteBooks

  1. Edge Detection & Image Gradients
  2. Perspective & Affine Transforms
  3. Using Webcam

πŸ“ Student notes

🎞 Videos

Aparat

Machine Learning

S8 - Introduction to Machine Learning

🎯 Topics

What is ML Supervised Learning Unsupervised Learning Reinforcement Learning ML projects Steps Train-Test Split Model evaluation

πŸ’‘ Slides

Introduction to Machine Learning PDF β€’ PPT

πŸ“ Student notes

S9 - Classifications, KNN, SciKit-learn β€’ Introduction to Neural Network (1)

🎯 Topics

Perceptron Weights and Biases in Perceptron Activation Function Input Feature Array Multilayer Perceptron (MLP) Layers in MLP (input, hidden, and output)

πŸ’‘ Slides

Simple Classifier (KNN) PDF β€’ PPT

Introduction to Neural Networks PDF β€’ PPT

πŸ“’ NoteBooks

  1. Introduction to ML, and using Hoda Dataset
  2. K Nearest Neighbor classification

πŸ“ Student notes

🎞 Videos

Aparat

S10 - Introduction to Neural Networks (2)

🎯 Topics

Loss Function (Coss Function) Gradient Descent, and Back Propagation Model Visualization

🎞 Videos

Aparat

πŸ”— links

Model Visualization and observing changes in number of each layer using Tensorflow Playground

S11 - Introduction to Implementing Recurrent Neural Networks using Keras

🎯 Topics

Recurrent, fully connected Networks in Keras Declaring Model Architecture Choosing Loss function, and Optimizer Model Evaluation on Test Set Predicting using Model

πŸ“’ NoteBooks

  1. A Gentle Introduction to Keras – Simple neural network(MLP)

πŸ“ Student notes

🎞 Videos

Aparat

Deep Learning

S12 - Introduction to Deep Neural Networks

🎯 Topics

Classification Tasks in Real-Life Invariant Object Recognition KNN, pros and cons Over-fitting Dropout Convolutional Neural Networks (CNN) CNNs vs. Classic methods ImageNet

πŸ’‘ Slides

Introduction to Deep Learning & Convolutional Neural Networks PDF β€’ PPT

πŸ“’ NoteBooks

  1. Dropout

πŸ“ Student notes

🎞 Videos

Aparat

S13 - Introduction to Convolutional Neural Networks

🎯 Topics

Kernels: Convolutional Filters Learning kernels vs. Designing Fitlers Same and Valid Convolutions Paddings and strides Image Size before and after conv. 3D convolutions Multi-filter convolutions Convolutional Layers Parameters Pooling Layers LeNet

πŸ’‘ Slides

Convolutional Neural Networks PDF β€’ PPT

🎞 Videos

Aparat

S14 - Implementing Persian Handwritten Numbers Recognition using Keras

🎯 Topics

CNN Layers CNN pros and cons CNNs in Keras Conv2D and MaxPooling2D functions Flatten Method Models Summery

πŸ“’ NoteBooks

  1. Convolutional Neural Network: Hoda + Keras

🎞 Videos

Aparat

S15 - Cat vs. Dog Binary Classification

🎯 Topics

Train-Test-Validation Split Data Generators in Keras Sigmoid and Softmax Step per Epoch Over-fitting

πŸ“’ NoteBooks

  1. CNN cat vs. dog

πŸ“ Student notes

🎞 Videos

Aparat

S16 - Review on Image Classification Architectures β€’ Case Studies

🎯 Topics

Brain Architecture AlexNet VGGNet GoogLeNet ResNet

πŸ’‘ Slides

Case Studies PDF β€’ PPT

πŸ“ Student notes

🎞 Videos

Aparat

πŸ“– Reading Materials

AlexNet

VGGNet

GoogLeNet

ResNet

S17 - Data Augmentation

🎯 Topics

Preventing Over-fitting Data Augmentation in Keras

πŸ’‘ Slides

Data Augmentation & Transfer Learning PDF β€’ PPT

πŸ“’ NoteBooks

  1. Data Augmentation
S18 - Transfer Learning (1)

🎯 Topics

Loading Pre-trained Models Transfer Learning in Keras

πŸ’‘ Slides

Data Augmentation & Transfer Learning PDF β€’ PPT

πŸ“’ NoteBooks

  1. Loading Trained Model in Keras
  2. Transfer LEarning - Feature Extraction

πŸ“ Student notes

S19 - Transfer Learning (2)

🎯 Topics

Implementing classification in keras conv. layers as Feature extraction Fine-tuning

πŸ“’ NoteBooks

  1. Using a pretrained convnet
  2. Transfer learning feature extraction
  3. Transfer learning Fine tuning
S20 - Face Verification & Identification (1)

🎯 Topics

One-shot Learning Siamese Networks Triplet Loss

πŸ’‘ Slides

Face PDF β€’ PPT

S21 - Face Verification & Identification (2)

🎯 Topics

Center Loss A-softmax Loss

πŸ“’ NoteBooks

  1. Face Recognition

πŸ“– Reading Materials

A Discriminative Feature Learning Approach for Deep Face Recognition PDF SphereFace: Deep Hypersphere Embedding for Face Recognition PDF

S22 - Face Detection

🎯 Topics

Face Detection HAAR Cascade Wider Challenge MTCNN Face Detection Project Instructions

πŸ“’ NoteBooks

  1. Face & Eye Detection
  2. MTCNN Detection Sample Code

πŸ“– Reading Materials

Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks (MTCNN) PDF

πŸ”— links

Wider Face Challenge

S23 - Batch-Norm, Learning-Rate Decay, and Multi-Label Classification

🎯 Topics

Batch-Norm Learning-Rate Decay Multi-Label Classification in Keras

πŸ’‘ Slides

Batch-Norm, Learning-Rate Decay, and Multi-Label Classification PDF β€’ PPT

πŸ“’ NoteBooks

  1. Keras Multi Label (part 1)

πŸ“ Student notes

🎞 Videos

Aparat

S24 - A Gentle Introduction to Tensorflow (1)

Multi-Label Classification (Continued) Tensorflow Low-level API Graphs, Constant Tensors, and Sessions in Tensorflow

πŸ’‘ Slides

A Gentle Introduction to Tensorflow PDF β€’ PPT

πŸ“’ NoteBooks

  1. Keras Multi Label (part 2)

🎞 Videos

Aparat

S25 - A Gentle Introduction to Tensorflow (2)

🎯 Topics

Placeholders and Variables Feeding and Fetching Graphs

πŸ’‘ Slides

Batch-Norm, Learning-Rate Decay, and Multi-Label Classification PDF β€’ PPT

πŸ“’ NoteBooks

  1. Intro to Tensorflow

🎞 Videos

Aparat

S26 - Implementing Dense and CNN networks for MNIST Dataset using Tensorflow

🎯 Topics

MNIST Dataset Fully-connected Layers CNN Layers

πŸ“’ NoteBooks

  1. MNIST Dataset in Tensorflow
  2. Fully Connected Network MNIST Tensorflow
  3. CNN MNIST Tensorflow

🎞 Videos

Aparat

S27 - An even more Gentle Introduction to FastAI (1)

🎯 Topics

Finding Efficient Learning Rate Stochastic Gradient Descent with Restarts

πŸ’‘ Slides

An even more Gentle Introduction to FastAI (1) PDF β€’ PPT

πŸ“’ NoteBooks

  1. Intro FastAi

🎞 Videos

Aparat

S28 - An even more Gentle Introduction to FastAI (2)

🎯 Topics

Global Pooling Adaptive Pooling Change Image Size Between Epochs

πŸ’‘ Slides

An even more Gentle Introduction to FastAI (2) PDF β€’ PPT

πŸ“’ NoteBooks

  1. Breeds

🎞 Videos

Aparat

S29 - An even more Gentle Introduction to FastAI (3) and An Introduction to Recurrent Neural Networks

🎯 Topics

Multi-Label Classification in FastAI RNNs

πŸ’‘ Slides

An Introduction to RNNs PDF β€’ PPT

πŸ“’ NoteBooks

  1. Planet Multi Label (part 3)

🎞 Videos

Aparat

S30 - An Introduction to Recurrent Neural Networks (2)

🎯 Topics

Forward Propagation Back Propagation Language Models LSTM Vanishing Gradient

πŸ’‘ Slides

Recurrent Neural Networks PDF β€’ PPT

πŸ“’ NoteBooks

  1. Text Generation with Lstm

🎞 Videos

Aparat

S31 - RNNs, LSTM, and GRU

🎯 Topics

Vanishing Gradient LSTM Bidirectional RNNs GRU Deep RNNs Character Level Language Models in Keras

πŸ’‘ Slides

RNNs, LSTM, and GRU PDF β€’ PPT

πŸ“’ NoteBooks

  1. Basic Text Classification

🎞 Videos

Aparat

S32 - Natural Language Processing

🎯 Topics

Word Embedding Analogy

πŸ’‘ Slides

Recurrent Neural Networks PDF β€’ PPT

🎞 Videos

Aparat

S33 - Word2Vec

🎯 Topics

Word2Vec Word Embedding Skip-grams Softmax Classification issues Negative Sampling

πŸ’‘ Slides

Recurrent Neural Networks PDF β€’ PPT

🎞 Videos

Aparat

S34 - GloVe

🎯 Topics

Glove Gender and Race Biases Using Embedding Vectors in Keras

πŸ’‘ Slides

Recurrent Neural Networks PDF β€’ PPT

πŸ“’ NoteBooks

  1. Using Word Embeddings

🎞 Videos

Aparat

S35 - Word Analogy and Text Classification in Practice

🎯 Topics

Word Analogy Removing Biases Word Embedding Emoji Dataset

πŸ’‘ Slides

Recurrent Neural Networks PDF β€’ PPT

πŸ“’ NoteBooks

  1. Analogy Using Embeddings
  2. Debiasing Word Vectors
  3. Text Classification - Emojify

🎞 Videos

Aparat

S36 - Text Generation

🎯 Topics

RNN Character Level Embedding Eager Execution in Tensorflow

πŸ“’ NoteBooks

  1. Text Generation on Shahnameh Tensorflow

🎞 Videos

Aparat

S37 - Image Captioning

🎯 Topics

Image Captioning Keras

πŸ“’ NoteBooks

  1. Image Captioning

🎞 Videos

Aparat

πŸ“¦ Files

Required files for training model

S38 - Sequence to Sequence Models and Machine Translation

🎯 Topics

Seq2Seq Models Machine Translation

πŸ’‘ Slides

Sequence to Sequence Models PDF β€’ PPT

🎞 Videos

Aparat

S39 - Attention

🎯 Topics

NLP Machine Translation Attention Layer Keras

πŸ’‘ Slides

Attention and Memory PDF β€’ PPT

πŸ“’ NoteBooks

  1. Machine Translation with Attention
40 - Speech Recognition and Trigger Word Detection

🎯 Topics

Spectrogram Attention CTC Trigger Word Detection RNNs

πŸ’‘ Slides

Speech Recognition and Trigger Word Detection using RNNs PDF β€’ PPT

πŸ“’ NoteBooks

  1. [Trigger Word Detection](51-Trigger-word-detection/Trigger word detection - v1.ipynb)

🎞 Videos

Aparat

41 - Music Generation

🎯 Topics

Trigger Word Detection Collaborative Filtering Recommendation systems RNNs

πŸ“’ NoteBooks

  1. Music Generation with LSTM

πŸ“¦ Files

Excel used for Collaborative Filtering

42 - Style Transfer and Book Recommendation System

🎯 Topics

Recommendation Systems GANs

πŸ’‘ Slides

Neural Style Transfer PDF β€’ PPT

πŸ“’ NoteBooks

  1. Recommendation System

Practices

quizzes

Guests

Teamworks

About

Computer vision and Deep learning in SRU

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published

Languages

  • Jupyter Notebook 99.4%
  • Python 0.6%