dr-mushtaq / Deep-Learning

This repository offers video-based tutorials on Deep Learning concepts along with practical implementations using Python, TensorFlow, and Keras. It is designed for students, educators, and self-learners who want to understand the theory and apply it through hands-on projects.

Home Page:https://coursesteach.com/

Repository from Github https://github.comdr-mushtaq/Deep-LearningRepository from Github https://github.comdr-mushtaq/Deep-Learning

๐ŸŒŸ Deep Learning theory with Python, TensorFlow, and Keras

Welcome to the Deep Learning Project Repository โ€“ a comprehensive collection of practical deep learning examples, tutorials, and mini-projects built using Python, TensorFlow, and Keras. This repository is ideal for students, researchers, and AI enthusiasts who want to learn, implement, and master deep learning techniques through hands-on coding.

Welcome to the A-Z Guide to Deep Learning repository! This comprehensive supplement serves as your gateway to the expansive world of Deep Learning, offering in-depth coverage of algorithms, statistical methods, and techniques essential for mastering this cutting-edge field.

Overview๐Ÿ‘‹๐Ÿ›’

The A-Z Guide to Deep Learning is designed to provide a comprehensive roadmap for both beginners and experienced practitioners seeking to delve into the realm of Deep Learning. Whether you're just starting your journey or looking to expand your expertise, this repository offers a wealth of resources to support your learning and exploration.

Features๐Ÿ‘‹๐Ÿ›’

1- Extensive Coverage: Explore a wide range of topics, including fundamental concepts, advanced algorithms, statistical methods, and practical techniques crucial for understanding and implementing Deep Learning models.

2-Hands-On Implementations: Dive into practical implementations of Deep Learning algorithms and techniques using Python, alongside detailed explanations, code examples, and real-world applications.

3-Progressive Learning Path: Follow a structured learning path that progresses from foundational concepts to advanced topics, ensuring a gradual and comprehensive understanding of Deep Learning principles and methodologies.

4-Supplementary Resources: Access supplementary materials, such as articles, tutorials, research papers, and curated datasets, to enrich your learning experience and stay updated with the latest developments in Deep Learning.

Contents

Fundamental Concepts: Covering essential concepts such as neural networks, activation functions, optimization algorithms, loss functions, and regularization techniques.

Advanced Algorithms: Exploring advanced Deep Learning architectures and algorithms, including convolutional neural networks (CNNs), recurrent neural networks (RNNs), generative adversarial networks (GANs), and reinforcement learning.

Statistical Methods and Techniques: Discussing statistical methods and techniques commonly used in Deep Learning, such as hypothesis testing, probability distributions, dimensionality reduction, and Bayesian inference.

Why Contribute?

1- Share Your Expertise: If you have knowledge or insights in Deep learning , your contributions can assist others in learning and applying these concepts.

2-Enhance Your Skills: Contributing to this project offers a great opportunity to deepen your understanding of Deep learning . Writing, coding, or reviewing content will reinforce your knowledge while uncovering new areas of the field.

3- Collaborate and Connect: Join a community of like-minded individuals committed to advancing AI education. Work with peers, receive feedback, and build connections that may open up new opportunities.

4- Make a Difference: Your contributions can shape how others learn and engage with machine learning. By refining and expanding content, you help shape the education of future engineers and AI experts.

๐Ÿ’ก How to Participate?

๐Ÿš€ Fork & Star this repository

๐Ÿ‘ฉโ€๐Ÿ’ป Explore and Learn from structured lessons

๐Ÿ”ง Enhance the current blog or code, or write a blog on a new topic

๐Ÿ”ง Implement & Experiment with provided code

๐Ÿค Collaborate with fellow DL enthusiasts

๐Ÿ“Œ Contribute your own implementations & projects

๐Ÿ“Œ Share valuable blogs, videos, courses, GitHub repositories, and research websites

๐ŸŽ“ Enrolled Courses

Please enrolled in the following courses to strengthen knowledge and practical skills in Deep Learning. These courses are designed to provide both theoretical understanding and hands-on experience with real-world DL applications.

๐Ÿ”— Improving Deep Neural Networks!

1- Covers foundational concepts such as Optimization Algorithms,Hyperparamter tunning etc.

๐Ÿ”— Deep Learning- Neural Network

1- Focuses Funcation Concept of deep learning ,such as ,Deep learning, ANN etc

๐Ÿ’ก These courses are part of a structured Deep Learningcurriculum offered by Coursera, designed by Coursera team, and emphasize practical implementation using Python and deep learning libraries.

Star this repo if you find it useful โญ

๐ŸŒ Join Our Community

๐Ÿ”— YouTube Channel

๐Ÿ”— SubStack Blogs

๐Ÿ”— Facebook

๐Ÿ”— LinkedIn

๐Ÿ“ฌ Need Help? Connect with us on WhatsApp

๐Ÿ“ฌ Stay Updated with Weekly Deep Learning Lessons!

Never miss a tutorial! Get weekly insights, updates, and bonus content straight to your inbox.
Join hundreds of Deep Learning learners on Substack.

๐Ÿ‘‰ Subscribe to Our Deep Learning Newsletter โœจ

๐Ÿ’ก Optional Badge (to make it pop)

Subscribe on Substack


Course 1 - ๐Ÿง Deep Learning-Neural Networks

Week 1-๐Ÿ“šChapter1: Introduction of Deep learning

Topic Name/Tutorial Video Code Todo list
โœ…1-Understanding Basic Neural Networks g 1-2-3-4-5 Content 3
โœ…2-Supervised Learning with Neural Networksโญ 1 Content 6
โœ…3-Exploring the Different Types of Artificial Neural Networksโญ -1 ---
โœ…4- Why is Deep Learning taking off?โญ 1 ---
โœ…5-Best Free Resources to Learn Deep learning (DL)โญ --- ---
โœ…6-GPU-CPU-TPUโญ --- --- write blog

Week 2-๐Ÿ“šChapter1:2 Logistic Regression as a Neural Network

Topic Name/Tutorial Video Notebook
โœ…1- Binary Classification-s 1 Content 3
โœ…2- Logistic Regression-s 1-2 Content 6
โœ…3- Understanding the Logistic Regression Cost Function-S 1 ---
โœ…4-Understanding the Logistic Regression Gradient Descent-s 1-2 ---
โœ…5-Intuition about Derivatives 1 Colab icon
โœ…6-Computation Graphโญ 1-2 ---
โœ…*7-Derivatives with a Computation Graph 1 ---
โœ…8-Logistic Regression Gradient Descentโญ 1 ---
โœ…9-Gradient Descent on m Examplesโญ 1 Colab icon

Week 3-๐Ÿ“šChapter 3 Python and Vectorization

Topic Name/Tutorial Video Notebook
โœ…1-Vectorizationโญ 1 Colab icon
โœ…2-More Vectorization Examplesโญ 1 Colab icon
โœ…3-Vectorizing Logistic Regressionโญ 1 Colab icon
โœ…4-Vectorizing Logistic Regressionโ€™s Gradient Outputโญ 1 Colab icon

Week 4-๐Ÿ“šChapter4: Shallow Neural Network

Topic Name/Tutorial Video Notebook Extra Reading
โœ…1-Neural Networks Overviewโญ 1-2 Colab icon Tiny Neural Networks-Paper
๐ŸŒ2-Neural Network Representationโญ 1 Colab icon
๐ŸŒ3-Computing a Neural Network's Outputโญ 1-2 Colab icon
๐ŸŒ4-Vectorizing Across Multiple Examples 1 Colab icon
๐ŸŒ5-Explanation for Vectorized Implementation 1 Colab icon
๐ŸŒ6-Activation functions-Copy fro courseteach 1 Colab icon
๐ŸŒ7-Why do you need Non-Linear Activation Functions? 1 Colab icon
๐ŸŒ8-Derivatives of Activation Functions? 1 Colab icon
๐ŸŒ9-Gradient Descent for Neural Networks? 1 Colab icon
๐ŸŒ10-Backpropagation Intuition? 1 Colab icon
๐ŸŒ11-Random Initialization? 1 Colab icon
๐ŸŒ12-NoProp, does not even require a Forward pass?๐Ÿง โœจ 1 Colab icon

Week 5-๐Ÿ“šChapter5:Deep Neural Network

Topic Name/Tutorial Video Notebook
๐ŸŒ1-Deep L-layer Neural Network 1 Colab icon
๐ŸŒ2-Forward Propagation in a Deep Network 1 Colab icon
๐ŸŒ3-Getting your Matrix Dimensions Right 1 Colab icon
๐ŸŒ4-Why Deep Representations? 1 Colab icon
๐ŸŒ5-Building Blocks of Deep Neural Networks? 1 Colab icon
๐ŸŒ6-Forward and Backward Propagation? 1 Colab icon
๐ŸŒ7-Parameters vs Hyperparameters 1 Colab icon

Course 2 - ๐Ÿง Improving Deep Neural Network

Week 1-๐Ÿ“šChapter1:Practical Aspects of Deep Learning

Topic Name/Tutorial Video Code Exra Resoruces
๐ŸŒ1-Train / Dev / Test sets 1 Colab icon
๐ŸŒ2-Bias Variance 1 Colab icon
๐ŸŒ3-Basic Recipe for Machine Learning -1 Colab icon
๐ŸŒ4- Regularizationโญ 1-2 Colab icon
๐ŸŒ5-Why Regularization Reduces Overfitting 1-2 ---
๐ŸŒ6- Dropout Regularization 1-2-3 Colab icon
๐ŸŒ7- Other Regularization Methods 1-2 Colab icon
๐ŸŒ8- Normalizing Inputs 1 Colab icon
๐ŸŒ9- Vanishing-Exploding Gradients 1 Colab icon Doc
๐ŸŒ10- Weight Initialization for Deep Networks 1 Colab icon
๐ŸŒ11- Numerical Approximation of Gradients 1 Colab icon
๐ŸŒ12- How Gradient Checking Can Save You Time and Help Debug Neural Networks 1-2 Colab icon

Week 2-๐Ÿ“šChapter2:Optimization Algorithms

Dive deeper into neural network optimization techniques in Week 2 of our Deep Learning series. This chapter covers key optimization algorithms that help accelerate and stabilize training, with hands-on videos, Medium tutorials, and Colab notebooks for each concept.

Topic Name/Tutorial Video Code Extra Reading
1-Mini-batch Gradient Descentโญ 1 Colab icon
๐ŸŒ2-Understanding Mini-batch Gradient Descentโญ 1 Colab icon
๐ŸŒ3-Exponentially Weighted Averagesโญ 1-2 Colab icon
๐ŸŒ4-Understanding Exponentially Weighted Averagesโญ 1 Colab icon
๐ŸŒ5-Bias Correction in Exponentially Weighted Averagesโญ 1 Colab icon
๐ŸŒ6-Gradient Descent with Momentumโญ 1 Colab icon
๐ŸŒ7-RMSpropโญ 1-2 Colab icon
๐ŸŒ8-Adam Optimization Algorithm 1 Colab icon 1
๐ŸŒ9-Learning Rate Decay 1 Colab icon
๐ŸŒ10-The Problem of Local Optima 1 Colab icon

Week 3-๐Ÿ“šChapter3:Hyperparameter tunning , Batch Normalization and Programming Frameworks

Topic Name/Tutorial Video Code Note Difficulty level
1-Tuning Process 1 Colab icon --- Intrmediate
2-Using an Appropriate Scale to pick Hyperparameters 1 Colab icon --- Intrmediate
3-Hyperparameters Tuning in Practice Pandas vs Caviar 1 Colab icon LINK Intrmediate
4-Normalizing Activations in a Network 1 Colab icon LINK Intrmediate
5-Fitting Batch Norm into a Neural Network 1 Colab icon LINK Intrmediate
6-Why does Batch Norm work 1 Colab icon Note Intrmediate
7-Batch Norm at Test Time 1 Colab icon Note Intrmediate

Course 3 - ๐Ÿง Structuring Machine Learning Projects

Week 1-๐Ÿ“šChapter1:Practical Aspects of Deep Learning

Topic Name/Tutorial Video Code
๐ŸŒ1-Train / Dev / Test sets 1 Colab icon

Course 4 - ๐Ÿง Convolutional Neural Networks

Week 1-๐Ÿ“šChapter1:Practical Aspects of Deep Learning

Topic Name/Tutorial Video Code
๐ŸŒ1-Train / Dev / Test sets 1 Colab icon

Course 5 - ๐Ÿง Sequence Models

Week 1-๐Ÿ“šChapter1:Practical Aspects of Deep Learning

Topic Name/Tutorial Video Code
๐ŸŒ1-Train / Dev / Test sets 1 Colab icon

Course 5 - ๐Ÿง Graph Neural Networks

Week 1-๐Ÿ“šChapter1:Practical Aspects of Deep Learning

Topic Name/Tutorial Video Code
๐ŸŒ1-Train / Dev / Test sets 1 Colab icon

Course 6 - ๐Ÿง Autoencoders

Week 1-๐Ÿ“šChapter1:Practical Aspects of Deep Learning

Topic Name/Tutorial Video Code Extra Resources
๐ŸŒ1-Introduction to Autoencoders 1 Colab icon 1

Course 7 -โšก Transformers

Week 1-๐Ÿ“šChapter1:Practical Aspects of Deep Learning

Topic Name/Tutorial Video Code Extra Resources
๐ŸŒ1-Introduction to Transformers 1 Colab icon 1

Course 7 -Transfer Learning and Distillation

Week 1-๐Ÿ“šChapter1:Practical Aspects of Deep Learning

Topic Name/Tutorial Video Code Extra Resources
๐ŸŒ1-Transfer Learning 1 Colab icon 1

๐Ÿ—ž๏ธ๐Ÿ“šOther Best Free Resources to Learn Deep Learning

##Alogrithems - DL0101EN-3-1-Regression-with-Keras-py-v1.0.ipynb - DL0101EN-3-2-Classification-with-Keras-py-v1.0.ipynb - Keras - Tutorial - Happy House v1.ipynb - Keras_for_Beginners_Implementing_a_Convolutional_Neural_Network - Keras_for_Beginners_Building_Your_First_Neural_Network.ipynb

๐Ÿ“• Deep Learning Resources

๐Ÿ‘๏ธ Chapter1: - Free Courses

Title/link Description Reading Status
โœ…1-Deep Learning Specialization by Andrew by andrew,Cousera,Good InProgress
โœ…2-Deep Learning(Yann LeCun & Alfredo Canziani) It is free course and it contain notes and video Pending
โœ…2-eural Networks: Zero to Hero It is free course and it contain notes and video,Andrej Karpathy Pending
โœ…3-Practical Deep Learning It is free course and it contain notes and video,Andrej Karpathy Pending
โœ…4-Deep Learning- Texas Austin It is free course and it contain notes and video,Andrej Karpathy Pending
โœ…5-Neural Networks / Deep Learning StatQuest with Josh Starmer Pending
โœ…6-Zero to Mastery Learn PyTorch for Deep Learning Learn PyTorch for Deep Learning: Zero to Mastery book Pending
โœ…7-Generative AI for Everyone by andrew Learn PyTorch for Deep Learning: Zero to Mastery book Pending
โœ…8-UVA Deep Learning Course Learn PyTorch for Deep Learning: Zero to Mastery book Pending
โœ…8-UVA Deep Learning Course Learn PyTorch for Deep Learning: Zero to Mastery book Pending

๐Ÿ”น Chapter 4: - List of Deep Learning Models

Deep Learning models come in different families, designed for specific tasks such as vision, language, speech, and generative AI. Below is a categorized list of important models.

Category Models Notes
Computer Vision (Classification) AlexNet, VGG, ResNet, DenseNet, EfficientNet, ViT ๐Ÿ”ด๐Ÿ”ต, Swin Transformer ๐Ÿ”ด๐Ÿ”ต, ConvNeXt ๐Ÿ”ต Image classification (CNNs & Vision Transformers)
Computer Vision (Detection & Segmentation) R-CNN, Fast R-CNN, Faster R-CNN, YOLO, SSD, RetinaNet, DETR ๐Ÿ”ด๐Ÿ”ต, Mask R-CNN, FCN, U-Net, DeepLab, PSPNet, SegFormer ๐Ÿ”ด๐Ÿ”ต, SAM ๐Ÿ”ด๐Ÿ”ต Object detection & pixel-level segmentation
Generative Models Autoencoders, VAE, GAN, DCGAN, CycleGAN, StyleGAN, BigGAN, Diffusion Models (DDPM ๐Ÿ”ต), DALLยทE ๐Ÿ”ด๐Ÿ”ต, Stable Diffusion ๐Ÿ”ต Image, video & art synthesis
NLP (Language Models) Word2Vec, GloVe, ELMo, BERT ๐Ÿ”ด, RoBERTa ๐Ÿ”ด, Siamese Networkm๐Ÿ”ด, XLNet ๐Ÿ”ด, ALBERT ๐Ÿ”ด, GPT family ๐Ÿ”ด, T5 ๐Ÿ”ด, BART ๐Ÿ”ด, DistilBERT ๐Ÿ”ด, LLaMA ๐Ÿ”ด๐Ÿ”ต, Falcon ๐Ÿ”ด๐Ÿ”ต, Mistral ๐Ÿ”ด๐Ÿ”ต Text representation, transformers & LLMs
Speech & Audio DeepSpeech, Wav2Vec ๐Ÿ”ด, HuBERT ๐Ÿ”ด, Whisper ๐Ÿ”ด๐Ÿ”ต, Conformer ๐Ÿ”ด๐Ÿ”ต Speech recognition & audio understanding
Multimodal Models CLIP ๐Ÿ”ด๐Ÿ”ต, Flamingo ๐Ÿ”ด๐Ÿ”ต, Kosmos-1 ๐Ÿ”ด๐Ÿ”ต, GPT-4 ๐Ÿ”ด๐Ÿ”ต, Gemini ๐Ÿ”ด๐Ÿ”ต Models combining vision, text, and sometimes audio
3D & Video Models 3D CNNs, C3D, I3D, PointNet, NeRF ๐Ÿ”ต, Video Swin Transformer ๐Ÿ”ด๐Ÿ”ต 3D recognition & video understanding

Legend:

  • ๐Ÿ”ด Transformer-based
  • ๐Ÿ”ต Introduced after 2020

๐Ÿ‘๏ธ Chapter2: - Important Website

Title Description Status
๐ŸŒ1-Roadmap.sh Provide complet Roadmap about AI Courses ---
๐ŸŒ2-Bolt write softare code and deployed ---
โœ…3-Kaggle Notebooks offers up to 30 hours of free GPU time per week ---
โœ…4-Google Colab Google Colab offers free GPU and TPU resources. ---
โœ…5-Amazon SageMaker Amazon SageMaker Studio Lab offers free CPU and GPU. No credit card or AWS account required ---
โœ…6-Gradient/Paperspace offers GPU and IPU instances with a free tier to get started ---
โœ…7-Microsoft Azure for Student Account offers GPU and IPU instances with a free tier to get started ---
โœ…8-deeplearning.neuromatch.io offers GPU and IPU instances with a free tier to get started ---
โœ…9-Deep Learning Institute-nvidia Free Course nvidia ---
โœ…10-Building a GPT from Scratch This page (from the "Building a GPT from Scratch" section of Simon Thomineโ€™s Deep Learning course) walks you through implementing a character-level transformer-based language model in PyTorchโ€”from dataset preprocessing to self-attention, multi-head attention, and full transformer blocksโ€”using Moliรจreโ€™s plays as training data ---
โœ…11-DEEP LEARNING DS-GA 1008 ยท SPRING 2021 ยท NYU CENTER FOR DATA SCIENCE ---

๐Ÿ‘๏ธ Chapter2: - Important Notbook

Title Description Status
โœ…1-Understanding Deep Learning Python notebooks covering the whole text ---

๐Ÿ‘๏ธ Chapter3: - Important Social medica Groups

Title/link Description Code
๐ŸŒ1- Computer Science courses with video lectures It is Videos and github ---

๐Ÿ‘๏ธ Chapter4: - Free Books

Title/link Description Code
โœ…1- Linear Algebra and Optimization for Machine Learning It is Videos and github ---
โœ…2- Dive into Deep Learning Interactive deep learning book with code, math, and discussions ---
โœ…3- Mathematical theory of deep learning Interactive deep learning book with code, math, and discussions ---

๐Ÿ‘๏ธ Chapter5: - Github Repository

Title/link Description Status
โœ…1- Computer Science courses with video lectures It is Videos and github Pending
โœ…2- ML YouTube Courses Github repisotry contain couress Pending
โœ…3- ml-roadmap Github repisotry contain couress Pending
โœ…4-courses & resources Github repisotry contain couress Pending
โœ…5-PyTorch Fundamentals Github repisotry contain couress Pending
โœ…6-Advanced RAG Techniques: Elevating Your Retrieval-Augmented Generation Systems Github repisotry contain couress Pending
โœ…7-Awesome LLM Apps Github repisotry contain couress Pending

๐Ÿ‘๏ธ Chapter1: - Tools, Frameworks & Platforms

Deep Learning has grown into a vast ecosystem of tools, libraries, and platforms. Each serves a different purposeโ€”from building models to deploying them, managing experiments, and scaling in production. Below is a categorized overview of the most widely used ones.

๐Ÿ”ง Core Frameworks

Title Description Tag
โœ… TensorFlow Googleโ€™s end-to-end open-source library for ML/DL, widely used for research and production. Framework
โœ… PyTorch Facebookโ€™s deep learning framework, popular for flexibility and research. Framework
โœ… Keras High-level neural network API running on top of TensorFlow, user-friendly for rapid prototyping. Framework
โœ… JAX High-performance ML research library by Google with auto-differentiation & GPU/TPU support. Framework
โœ… MXNet Apacheโ€™s deep learning framework, once widely used by AWS for large-scale DL. Framework
โœ… Theano (legacy) Pioneering DL library, now discontinued but historically important. Legacy

๐Ÿงฐ Developer & Experimentation Tools

Title Description Tag
โœ… Jupyter Notebook Interactive coding environment for ML/DL experiments. Developer Tools
โœ… Google Colab Free cloud-based Jupyter notebooks with GPU/TPU access. Developer Tools
โœ… Kaggle Kernels Cloud notebooks with datasets, GPUs, and competitions. Developer Tools
โœ… Gradio Build and share ML-powered apps easily with a web UI. Developer Tools
โœ… Streamlit Create interactive dashboards and ML applications quickly. Developer Tools

๐Ÿ“Š Experiment Tracking & MLOps

Title Description Tag
โœ… Weights & Biases (W&B) Track experiments, visualize results, and manage ML projects. MLOps
โœ… MLflow Open-source platform for managing ML lifecycles. MLOps
โœ… Neptune.ai Metadata store for ML model tracking and collaboration. MLOps
โœ… DVC Version control system for ML datasets and models. MLOps
โœ… Comet ML Experiment tracking and visualization for ML/DL. MLOps

๐Ÿง  Pre-trained Models & Model Hubs

Title Description Tag
โœ… Hugging Face Central hub for transformers, models, datasets, and communities. Model Hub
โœ… TensorFlow Hub Repository of pre-trained TensorFlow models. Model Hub
โœ… PyTorch Hub Pre-trained models ready to use with PyTorch. Model Hub
โœ… ONNX Model Zoo Open Neural Network Exchange pre-trained models. Model Hub

๐Ÿ–ฅ๏ธ Deployment & Serving

Title Description Tag
โœ… TensorFlow Serving Production-grade system for serving TF models. Deployment
โœ… TorchServe Model serving library for PyTorch. Deployment
โœ… ONNX Runtime Run ML models across frameworks and hardware. Deployment
โœ… NVIDIA Triton Inference Server Scalable deployment for GPU-accelerated inference. Deployment

โ˜๏ธ Cloud Platforms for DL

Title Description Tag
โœ… Google Vertex AI End-to-end ML/DL platform on Google Cloud. Cloud
โœ… AWS SageMaker Amazonโ€™s ML/DL service for building and deploying models. Cloud
โœ… Azure ML Studio Microsoftโ€™s ML/DL cloud environment. Cloud
โœ… Paperspace Gradient Cloud GPUs for training and deployment. Cloud
โœ… Lambda Labs GPU cloud and DL workstations. Cloud

๐Ÿ‘๏ธ Chapter1: - Important Research Papers

Title Description Status
โœ…1- Learning to learn by gradient descent by gradient descent --- Pending
โœ…2- Computer Science courses w It is Videos and github ---

๐Ÿ’ป Workflow:

  • Fork the repository

  • Clone your forked repository using terminal or gitbash.

  • Make changes to the cloned repository

  • Add, Commit and Push

  • Then in Github, in your cloned repository find the option to make a pull request

print("Start contributing for Deep Learning")

โš™๏ธ Things to Note

  • Make sure you do not copy codes from external sources because that work will not be considered. Plagiarism is strictly not allowed.
  • You can only work on issues that have been assigned to you.
  • If you want to contribute the algorithm, it's preferrable that you create a new issue before making a PR and link your PR to that issue.
  • If you have modified/added code work, make sure the code compiles before submitting.
  • Strictly use snake_case (underscore_separated) in your file_name and push it in correct folder.
  • Do not update the README.md.

โœจTop Contributors

We would love your help in making this repository even better! If you know of an amazing AI course that isn't listed here, or if you have any suggestions for improvement in any course content, feel free to open an issue or submit a course contribution request.

                   Together, let's make this the best AI learning hub website! ๐Ÿš€

Thanks goes to these Wonderful People. Contributions of any kind are welcome!๐Ÿš€

About

This repository offers video-based tutorials on Deep Learning concepts along with practical implementations using Python, TensorFlow, and Keras. It is designed for students, educators, and self-learners who want to understand the theory and apply it through hands-on projects.

https://coursesteach.com/


Languages

Language:Jupyter Notebook 100.0%