Machine Learning Tutorial Python - Machine Learning for Beginners

Machine Learning Tutorial Python - Machine Learning for Beginners

codebasics via YouTube Direct link

Machine Learning & Data Science Project - 5 : Model Building (Real Estate Price Prediction Project)

23 of 87

23 of 87

Machine Learning & Data Science Project - 5 : Model Building (Real Estate Price Prediction Project)

Class Central Classrooms beta

YouTube videos curated by Class Central.

Classroom Contents

Machine Learning Tutorial Python - Machine Learning for Beginners

Automatically move to the next video in the Classroom when playback concludes

  1. 1 Machine Learning Tutorial Python -1: What is Machine Learning?
  2. 2 Machine Learning Tutorial Python - 2: Linear Regression Single Variable
  3. 3 Machine Learning Tutorial Python - 3: Linear Regression Multiple Variables
  4. 4 Machine Learning Tutorial Python - 4: Gradient Descent and Cost Function
  5. 5 Machine Learning Tutorial Python - 5: Save Model Using Joblib And Pickle
  6. 6 Machine Learning Tutorial Python - 6: Dummy Variables & One Hot Encoding
  7. 7 Machine Learning Tutorial Python - 7: Training and Testing Data
  8. 8 Machine Learning Tutorial Python - 8: Logistic Regression (Binary Classification)
  9. 9 Machine Learning Tutorial Python - 8 Logistic Regression (Multiclass Classification)
  10. 10 Machine Learning Tutorial Python - 9 Decision Tree
  11. 11 Machine Learning Tutorial Python - 10 Support Vector Machine (SVM)
  12. 12 Machine Learning Tutorial Python - 11 Random Forest
  13. 13 Machine Learning Tutorial Python 12 - K Fold Cross Validation
  14. 14 Machine Learning Tutorial Python - 13: K Means Clustering Algorithm
  15. 15 Machine Learning Tutorial Python - 14: Naive Bayes Classifier Algorithm Part 1
  16. 16 Machine Learning Tutorial Python - 15: Naive Bayes Classifier Algorithm Part 2
  17. 17 Machine Learning Tutorial Python - 16: Hyper parameter Tuning (GridSearchCV)
  18. 18 Machine Learning Tutorial Python - 17: L1 and L2 Regularization | Lasso, Ridge Regression
  19. 19 Machine Learning & Data Science Project - 1 : Introduction (Real Estate Price Prediction Project)
  20. 20 Machine Learning & Data Science Project - 2 : Data Cleaning (Real Estate Price Prediction Project)
  21. 21 Machine Learning & Data Science Project - 3 : Feature Engineering (Real Estate Price Prediction)
  22. 22 Machine Learning & Data Science Project - 4 : Outlier Removal (Real Estate Price Prediction Project)
  23. 23 Machine Learning & Data Science Project - 5 : Model Building (Real Estate Price Prediction Project)
  24. 24 Machine Learning & Data Science Project - 6 : Python Flask Server (Real Estate Price Prediction)
  25. 25 Machine Learning & Data Science Project - 7 : Website or UI (Real Estate Price Prediction Project)
  26. 26 Deploy machine learning model to production AWS (Amazon EC2 instance)
  27. 27 Data Science & Machine Learning Project - Part 1 Introduction | Image Classification
  28. 28 Data Science & Machine Learning Project - Part 2 Data Collection | Image Classification
  29. 29 Data Science & Machine Learning Project - Part 3 Data Cleaning | Image Classification
  30. 30 Data Science & Machine Learning Project - Part 4 Feature Engineering | Image Classification
  31. 31 Data Science & Machine Learning Project - Part 5 Training a Model | Image Classification
  32. 32 Data Science & Machine Learning Project - Part 6 Flask Server | Image Classification
  33. 33 Data Science & Machine Learning Project - Part 7 Build Website | Image Classification
  34. 34 Data Science & Machine Learning Project - Part 8 Deployment & Exercise | Image Classification
  35. 35 What is feature engineering | Feature Engineering Tutorial Python # 1
  36. 36 Outlier detection and removal using percentile | Feature engineering tutorial python # 2
  37. 37 Outlier detection and removal: z score, standard deviation | Feature engineering tutorial python # 3
  38. 38 Outlier detection and removal using IQR | Feature engineering tutorial python # 4
  39. 39 Introduction | Deep Learning Tutorial 1 (Tensorflow Tutorial, Keras & Python)
  40. 40 Why deep learning is becoming so popular? | Deep Learning Tutorial 2 (Tensorflow2.0, Keras & Python)
  41. 41 What is a neuron? | Deep Learning Tutorial 3 (Tensorflow Tutorial, Keras & Python)
  42. 42 What is a Neural Network | Deep Learning Tutorial 4 (Tensorflow2.0, Keras & Python)
  43. 43 Install tensorflow 2.0 | Deep Learning Tutorial 5 (Tensorflow Tutorial, Keras & Python)
  44. 44 Pytorch vs Tensorflow vs Keras | Deep Learning Tutorial 6 (Tensorflow Tutorial, Keras & Python)
  45. 45 Neural Network For Handwritten Digits Classification | Deep Learning Tutorial 7 (Tensorflow2.0)
  46. 46 Activation Functions | Deep Learning Tutorial 8 (Tensorflow Tutorial, Keras & Python)
  47. 47 Derivatives | Deep Learning Tutorial 9 (Tensorflow Tutorial, Keras & Python)
  48. 48 Matrix Basics | Deep Learning Tutorial 10 (Tensorflow Tutorial, Keras & Python)
  49. 49 Loss or Cost Function | Deep Learning Tutorial 11 (Tensorflow Tutorial, Keras & Python)
  50. 50 Gradient Descent For Neural Network | Deep Learning Tutorial 12 (Tensorflow2.0, Keras & Python)
  51. 51 Implement Neural Network In Python | Deep Learning Tutorial 13 (Tensorflow2.0, Keras & Python)
  52. 52 Stochastic Gradient Descent vs Batch Gradient Descent vs Mini Batch Gradient Descent |DL Tutorial 14
  53. 53 Chain Rule | Deep Learning Tutorial 15 (Tensorflow2.0, Keras & Python)
  54. 54 Tensorboard Introduction | Deep Learning Tutorial 16 (Tensorflow2.0, Keras & Python)
  55. 55 GPU bench-marking with image classification | Deep Learning Tutorial 17 (Tensorflow2.0, Python)
  56. 56 Customer churn prediction using ANN | Deep Learning Tutorial 18 (Tensorflow2.0, Keras & Python)
  57. 57 Precision, Recall, F1 score, True Positive|Deep Learning Tutorial 19 (Tensorflow2.0, Keras & Python)
  58. 58 Dropout Regularization | Deep Learning Tutorial 20 (Tensorflow2.0, Keras & Python)
  59. 59 Handling imbalanced dataset in machine learning | Deep Learning Tutorial 21 (Tensorflow2.0 & Python)
  60. 60 Applications of computer vision | Deep Learning Tutorial 22 (Tensorflow2.0, Keras & Python)
  61. 61 Simple explanation of convolutional neural network | Deep Learning Tutorial 23 (Tensorflow & Python)
  62. 62 Image classification using CNN (CIFAR10 dataset) | Deep Learning Tutorial 24 (Tensorflow & Python)
  63. 63 Convolution padding and stride | Deep Learning Tutorial 25 (Tensorflow2.0, Keras & Python)
  64. 64 Data augmentation to address overfitting | Deep Learning Tutorial 26 (Tensorflow, Keras & Python)
  65. 65 Transfer Learning | Deep Learning Tutorial 27 (Tensorflow, Keras & Python)
  66. 66 Image classification vs Object detection vs Image Segmentation | Deep Learning Tutorial 28
  67. 67 Popular datasets for computer vision: ImageNet, Coco and Google Open images | Deep Learning 29
  68. 68 Sliding Window Object Detection | Deep Learning Tutorial 30 (Tensorflow, Keras & Python)
  69. 69 What is YOLO algorithm? | Deep Learning Tutorial 31 (Tensorflow, Keras & Python)
  70. 70 Object detection using YOLO v4 and pre trained model | Deep Learning Tutorial 32 (Tensorflow)
  71. 71 What is Recurrent Neural Network (RNN)? Deep Learning Tutorial 33 (Tensorflow, Keras & Python)
  72. 72 Types of RNN | Recurrent Neural Network Types | Deep Learning Tutorial 34 (Tensorflow & Python)
  73. 73 Vanishing and exploding gradients | Deep Learning Tutorial 35 (Tensorflow, Keras & Python)
  74. 74 Simple Explanation of LSTM | Deep Learning Tutorial 36 (Tensorflow, Keras & Python)
  75. 75 Simple Explanation of GRU (Gated Recurrent Units) | Deep Learning Tutorial 37 (Tensorflow & Python)
  76. 76 Bidirectional RNN | Deep Learning Tutorial 38 (Tensorflow, Keras & Python)
  77. 77 Converting words to numbers, Word Embeddings | Deep Learning Tutorial 39 (Tensorflow & Python)
  78. 78 Word embedding using keras embedding layer | Deep Learning Tutorial 40 (Tensorflow, Keras & Python)
  79. 79 What is Word2Vec? A Simple Explanation | Deep Learning Tutorial 41 (Tensorflow, Keras & Python)
  80. 80 Word2Vec Part 2 | Implement word2vec in gensim | | Deep Learning Tutorial 42 with Python
  81. 81 Distributed Training On NVIDIA DGX Station A100 | Deep Learning Tutorial 43 (Tensorflow & Python)
  82. 82 Tensorflow Input Pipeline | tf Dataset | Deep Learning Tutorial 44 (Tensorflow, Keras & Python)
  83. 83 Optimize Tensorflow Pipeline Performance: prefetch & cache | Deep Learning Tutorial 45 (Tensorflow)
  84. 84 What is BERT? | Deep Learning Tutorial 46 (Tensorflow, Keras & Python)
  85. 85 Text Classification Using BERT & Tensorflow | Deep Learning Tutorial 47 (Tensorflow, Keras & Python)
  86. 86 tf serving tutorial | tensorflow serving tutorial | Deep Learning Tutorial 48 (Tensorflow, Python)
  87. 87 Quantization in deep learning | Deep Learning Tutorial 49 (Tensorflow, Keras & Python)

Never Stop Learning.

Get personalized course recommendations, track subjects and courses with reminders, and more.

Someone learning on their laptop while sitting on the floor.