Machine_learning_2018

Codes and Project for Machine Learning Course, Fall 2018, University of Tabriz
Alternatives To Machine_learning_2018
Project NameStarsDownloadsRepos Using ThisPackages Using ThisMost Recent CommitTotal ReleasesLatest ReleaseOpen IssuesLicenseLanguage
Tensorflow177,889327773 hours ago46October 23, 20192,045apache-2.0C++
An Open Source Machine Learning Framework for Everyone
Pytorch71,2303,3416,7283 hours ago37May 08, 202312,813otherPython
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Keras59,4475783 hours ago80June 27, 2023100apache-2.0Python
Deep Learning for humans
Faceswap47,163
2 days ago23gpl-3.0Python
Deepfakes Software For All
Deepfacelab42,238
a month ago536gpl-3.0Python
DeepFaceLab is the leading software for creating deepfakes.
Annotated_deep_learning_paper_implementations36,223111 days ago78September 24, 202227mitJupyter Notebook
🧑‍🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Spacy27,2441,5331,1984 hours ago222July 07, 202394mitPython
💫 Industrial-strength Natural Language Processing (NLP) in Python
Data Science Ipython Notebooks25,242
3 months ago34otherPython
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
Handson Ml25,030
3 months ago139apache-2.0Jupyter Notebook
⛔️ DEPRECATED – See https://github.com/ageron/handson-ml3 instead.
Netron24,09346912 hours ago587August 01, 202323mitJavaScript
Visualizer for neural network, deep learning, and machine learning models
Alternatives To Machine_learning_2018
Select To Compare


Alternative Project Comparisons
Readme

Machine Learning Course (Fall 2018)

Codes and Projects for Machine Learning Course, University of Tabriz.

Contents:

Chapter 1: Introduction (video)

  • download slides in Persian (pdf)

Supervised Learning

Chapter 2: Regression

  • Linear regression
  • Gradient descent algorithm (video)
  • Multi-variable linear regression
  • Polynomial regression (video)
  • Normal equation
  • Locally weighted regression
  • Probabilistic interpretation (video)
  • Download slides in Persian (pdf)

Chapter 3: Python and NumPy

  • Python basics
  • Creating vectors and matrices in numpy
  • Reading and writing data from/to files
  • Matrix operations (video)
  • Colon (:) operator
  • Plotting using matplotlib (video)
  • Control structures in python
  • Implementing linear regression cost function (video)

Chapter 4: Logistic Regression (video)

  • Classification and logistic regression
  • Probabilistic interpretation
  • Logistic regression cost function
  • Logistic regression and gradient descent
  • Multi-class logistic regression
  • Advanced optimization methods
  • Download slides in Persian (pdf)

Furthur Reading

Chapter 5: Regularization (video)

  • Overfitting and Regularization
  • L2-Regularization (Ridge)
  • L1-Regularization (Lasso)
  • Regression with regularization
  • Classification with regularization
  • Download slides in Persian (pdf)

Furthur Reading

Chapter 6: Neural Networks (video)

  • Milti-class logistic regression
  • Softmax classifier
  • Training softmax classifier
  • Geometric interpretation
  • Non-linear classification
  • Neural Networks (video: part 2)
  • Training neural networks: Backpropagation
  • Training neural networks: advanced optimization methods (video: part 3)
  • Gradient checking
  • Mini-batch gradient descent
  • Download slides in Persian (pdf)

Demo:

Related Videos:

Free Online Books:

Chapter 7: Support Vector Machines

  • Motivation: optimal decision boundary (video: part 1)
  • Support vectors and margin
  • Objective function formulation: primal and dual
  • Non-linear classification: soft margin (video: part 2)
  • Non-linear classification: kernel trick
  • Multi-class SVM
  • Download slides in persian (pdf)

Demo:

Furthur Reading

Unsupervided Learning

Chapter 8: Clustering (video)

  • Supervised vs unsupervised learning
  • Clustering
  • K-Means clustering algorithm (demo)
  • Determining number of clusters: Elbow method
  • Postprocessing methods: Merge and Split clusters
  • Bisectioning clustering
  • Hierarchical clustering
  • Application 1: Clustering digits
  • Application 2: Image Compression
  • Download slides in Persian (pdf)

Chapter 9: Dimensionality Reduction and PCA (video)

  • Introduction to PCA
  • PCA implementation in python
  • PCA Applications
  • Singular Value Decomposition (SVD)
  • Downloas slides in Persian (pdf)

Chapter 10: Anomally Detection (video: Part 1, Part 2)

  • Intoduction to anomaly detection
  • Some applications (security, manufacturing, fraud detection)
  • Anoamly detection using probabilitic modelling
  • Uni-variate normal distribution for anomaly detection
  • Multi-variate normal distribution for anomaly detection
  • Evaluation measures (TP, FP, TN, FN, Precision, Recall, F-score)
  • Anomaly detection as one-class classification
  • Classification vs anomaly detection
  • Download slides in Persian (pdf)

Chapter 11: Recommender Systems (video)

  • Introduction to recommender systems
  • Collaborative filtering approach
  • User-based collaborative filtering
  • Item-based collaborative filtering
  • Similarity measures (Pearson, Cosine, Euclidian)
  • Cold start problem
  • Singular value decomposition
  • Content-based recommendation
  • Cost function and minimization
  • Download slides in Persian (pdf)

Other Useful Resources

Assignments:

  1. Regression and Gradient Descent
  2. Classification, Logistic Regression and Regularization
  3. Multi-Class Logistic Regression
  4. Neural Networks Training
  5. Neural Networks Implementing
  6. Clustering
  7. Dimensionallity Reduction and PCA
  8. Recommender Systems
Popular Machine Learning Projects
Popular Neural Network Projects
Popular Machine Learning Categories
Related Searches

Get A Weekly Email With Trending Projects For These Categories
No Spam. Unsubscribe easily at any time.
Python
Jupyter Notebook
Machine Learning
Neural Network
Neural
Classification
Slides
Recommender System
Pca
Linear Regression
Logistic Regression
Anomaly Detection
Persian
Gradient Descent
Supervised Learning
Backpropagation