Skip to content

This repository is related to all about Machine Learning, Deep Learning, Computer Vision, NLP, and Research Projects

Notifications You must be signed in to change notification settings

hussain0048/Projects-

Folders and files

NameName
Last commit message
Last commit date

Latest commit

ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 

Repository files navigation

A-Z Guide to Machine Learning Projects๐Ÿ‘‹๐Ÿ›’

Welcome to the repository covering a wide array of topics including Machine Learning, Deep Learning, Computer Vision, Natural Language Processing (NLP), and Research Projects. This comprehensive collection serves as a hub for exploring various facets of artificial intelligence and research endeavors.

Overview๐Ÿ‘‹๐Ÿ›’

This repository aims to provide a holistic view of cutting-edge technologies and research trends in the fields of Machine Learning, Deep Learning, Computer Vision, NLP, and beyond. Whether you're a novice eager to learn or a seasoned practitioner seeking inspiration, this repository offers a diverse range of projects and resources to cater to your interests and expertise.

Features๐Ÿ‘‹๐Ÿ›’

Multifaceted Coverage: Dive into a rich spectrum of topics including traditional Machine Learning algorithms, advanced Deep Learning architectures, Computer Vision techniques, NLP applications, and research projects spanning different domains.

Hands-On Projects: Explore practical implementations of algorithms, models, and techniques through hands-on projects, code examples, and Jupyter notebooks, designed to enhance your understanding and foster experimentation.

Research Endeavors: Engage with research projects, papers, datasets, and experiments, providing insights into the latest advancements and methodologies in artificial intelligence and related fields.

Collaborative Environment: Foster collaboration, knowledge sharing, and community engagement through contributions, discussions, and feedback, promoting continuous learning and innovation.

Contents๐Ÿ‘‹๐Ÿ›’

Machine Learning: Implementations of classical and contemporary Machine Learning algorithms for tasks such as regression, classification, clustering, and reinforcement learning.

Deep Learning: Explore advanced Deep Learning architectures, including convolutional neural networks (CNNs), recurrent neural networks (RNNs), generative adversarial networks (GANs), and transformer models.

Computer Vision: Delve into Computer Vision projects and techniques for image classification, object detection, image segmentation, facial recognition, and more.

Natural Language Processing: Discover NLP applications such as text classification, sentiment analysis, named entity recognition, machine translation, and text generation.

Research Projects: Engage with research-oriented projects, experiments, and papers addressing contemporary challenges and exploring novel solutions across diverse domains.

Usag๐Ÿ‘‹๐Ÿ›’

Explore the repository's contents, delve into projects and resources aligned with your interests, and leverage the provided materials to enhance your skills and knowledge in Machine Learning, Deep Learning, Computer Vision, NLP, and research endeavors.

Contributing๐Ÿ™Œ

Contributions are encouraged and appreciated! Whether it's adding new projects, improving existing content, fixing bugs, or suggesting enhancements, your contributions play a vital role in enriching the repository for the benefit of the community. Please contact me on my skype ID:themushtaq48, email:[email protected] for contribution.

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

                      https://coursesteach.com/

๐Ÿ“ฌContact

If you want to contact me, you can reach me through social handles.

github linkedin facebook Reddit website orcid

Projects 01 - โš™๏ธMachine Learning

Project Title/blog Description Notebook Category To do List Resource Link Completed
๐ŸŒ1- Stock Price Prediction using linear regression Acc=.99, Model=Linear Regression, Techniquest: sklearn, Label enconding, chained equations (MICE) Colab icon Regression 1- Try other regression models --- โ˜‘
๐ŸŒ2- Predict Ads Click Practice Data_Analysis Acc=.99, Model=Linear Regression, Techniquest: sklearn, Label enconding, chained equations (MICE) Colab icon Classification 1- Try other regression models --- ---

Projects 02 - โš™๏ธDeep Learning

Project Title Description Code Category To do list Creator Added Completed
๐ŸŒ1- Credit Card Fraud Detection Autoencoders,Keras Colab icon Preprocessing Add more Preprocessing steps Dr.Mushtaq 2024-06-08 Pending

Projects 03 - โš™๏ธComputer Vision

Project Title Description Code Category To do list Creator Added Completed
๐ŸŒ1- Build a simple image Classifer Accuracy 13-80%,Model=multilayer perceptron, Keras, Colab icon Classification Try other Deep learning model,CNN,etc Dr Mushtaq 2020-09-06 โ˜‘
๐ŸŒ2- Convert Color Image to Sketch gaussian filter,dogding Colab icon Filtering Try technique Dr.Mushtaq 2024-04-20 โ˜‘
๐ŸŒ3- Building a Real Time Emotion Detection with Python CNN=57.67,Kera Colab icon Classification -Real time detection not working(Need to correct in colab)- Try others DL techniqueS Dr.Mushtaq 2024-04-27 โ˜‘
๐ŸŒ4- Age, Gender and Race Prediction Age Prediction=CNN= ACC=.91,Gender Prediction=CNN Acc=,86, Ethnicity Prediction CNN Acc=0.74,Kera Colab icon Classification -Real time detection not working(Need to correct in colab)- Try others DL techniqueS Dr.Mushtaq 2024-06-2 โ˜‘
๐ŸŒ5- Image Preprocessing using Python Python,scikit-image Colab icon Preprocessing Add more Preprocessing steps Dr.Mushtaq 2024-06-08 โ˜‘

Projects 04 - โš™๏ธ Natural language processing

Project Title/blog Description NoteBook Category Todo List Creator Added Completed
๐ŸŒ1- Spam Detection using Machine Learning Methods Naive Bayes=95-97%, SVM=98-99, CountVectorizer,Scikit-learn,Grid Search CV Colab icon Text Classification -try other classification model 2) Try to text preprocessing method stop word etc Dr.Mushtaq 2024-04-12 โ˜‘
๐ŸŒ2-Hate Speech Detection with Machine Learning DT=75%,CountVectorizer ,Scikit-learn Colab icon Text Classification -try other classification model 2) Try to text preprocessing method stop word etc Dr Mushtaq 2024-04-21 โ˜‘
๐ŸŒ3-Detecting Sports Content with Machine Learning SVM=66%,CountVectorizer ,Scikit-learn Colab icon Text Classification -try other classification model 2) Try to text preprocessing method stop word etc Dr Mushtaq 2024-04-28 โ˜‘
๐ŸŒ4-Personality Prediction Through CV SVM=66%,CountVectorizer ,Scikit-learn Colab icon Text Classification -try other classification model 2) Try to text preprocessing method stop word etc Dr Mushtaq 2024-04-28 Pending
๐ŸŒ5-Using Machine Learning to Predict Movie Reviews Gaussian = 0.7843,Multinomial = 0.831,, Bernoulli = 0.8386 Colab icon Sentiment Analysis Apply other DL and ML with new processing steps Dr Mushtaq 2024-05-05 โ˜‘
๐ŸŒ6-Text-Preprocessing-1 Tokenization,stemming,lemmatization,stopword,postagging Colab icon Preprocessing -- Dr Mushtaq 2024-05-26 โ˜‘
๐ŸŒ7-Important Python script for NLP Task Text to Spech Colab icon Script -- Dr Mushtaq 2024-05-26 inProcess

Projects 05 - โš™๏ธPython

Project Title Description Code Created Completed
๐ŸŒ1-Generating QR Code in Python Python,qrcode Colab icon Saad Abbasi โ˜‘

Projects 06 - โš™๏ธ Research

๐Ÿ“šChapter: 1 Projects Details

Project Title Datasets Code
1-Building education chatbot for decreasing instructor workload in e-learning system Dataset Colab icon

๐Ÿ“šChapter: 2 Model metrics benchmarks

f1 precision recall accuracy training_time inference_time
NB 0.830188679245283 0.8461538461538461 0.8148148148148148 0.8085106382978723 0.0032272338867187 0.0007801055908203
LR 0.8518518518518519 0.8846153846153846 0.8214285714285714 0.8297872340425532 0.0356471538543701 0.0002150535583496
KNN 0.7058823529411765 0.6923076923076923 0.72 0.6808510638297872 0.0005688667297363 0.0972669124603271
SVM 0.8518518518518519 0.8846153846153846 0.8214285714285714 0.8297872340425532 0.0274648666381835 0.0030479431152343
XGBoost 0.9122807017543859 1.0 0.8387096774193549 0.8936170212765957 0.241973876953125 0.0040738582611083984
RoBERTa 0.9230769230769231 0.9230769230769231 0.9230769230769231 0.9148936170212766 24968.250607967377 68.44634509086609

๐Ÿ“ Resources

Title Category Type
1-The Super Duper NLP Repo NLP Colab NoteBook
2-500 + ๐—”๐—ฟ๐˜๐—ถ๐—ณ๐—ถ๐—ฐ๐—ถ๐—ฎ๐—น ๐—œ๐—ป๐˜๐—ฒ๐—น๐—น๐—ถ๐—ด๐—ฒ๐—ป๐—ฐ๐—ฒ ๐—ฃ๐—ฟ๐—ผ๐—ท๐—ฒ๐—ฐ๐˜ ๐—Ÿ๐—ถ๐˜€๐˜ ๐˜„๐—ถ๐˜๐—ต ๐—ฐ๐—ผ๐—ฑ๐—ฒ NLP,DL,CV All
3-ML-ProjectKart ML All
4-Machine Learning Notebooks ML,NLP,Transformers,Computer Vision,GAN All
5-Real-time-ML-Project Machine Learning and Data Science Applications in Industry All
6-Machine Learning Collection Basic to Advane, Video All
7-Data Science Projects Basic to Advane, Video All
8-Introduction to Machine Learning Basic to Advane, Video All
9-Best-of Machine Learning with Python ML,NLP,CV,Forcasting ---
10-Awesome-AI-Data-Guided-Projects ML,NLP,CV,Forcasting ---
11-awesome-python-projects ML,NLP,CV,Forcasting ---
12-All-In-One-Python-Projects Python Basic- Advance ---
13-Machine-Learning-Projects-aswintechguy Python Basic- Advance ---

##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

Tabl of Content

  1. Computer Vision

    1. Human_Activity_Recognition
    2. Building_a_Real_Time_Emotion_Detection_with_Python
  2. Deep Learning

  3. Freelancer

    1. AI_Assigment
  4. Machine Learning 2. Movie_Recommender_9_26_2020.ipynb 3. Predict_IPL_Winner_with_ML.ipynb 4. Credit_Card_Fraud_Detection_DT_and_RF.ipynb 5. President_Heights_exploratory_data.ipynb 6. Birth Rate Analysis 7. Data Science Project on Area and Population 8. How to Save a Machine Learning Model? 9. Hate Speech Detection with Machine Learning

  5. Machine Learning End to End

    1. Build_and_Deploy_Data_Science_Products
    2. End-to-End Machine Learning Model
    3. End-to-End Fake News Detection with Python
  6. Natural Language Processing 2. Next_Word_Prediction 3. Summarize_Text_with_Machine_Learning 4. Chatbot_using_Python.ipynb 5. Text_Classification 6. End-to-End Spam Detection with Python 7. Fake_News_Classifier_using_Bidirectional_LSTM.ipynb

  7. Recommender System

    1. Amazon_Recommendation_System_using_Python)_.ipynb
    2. Movie_Recommender_9_26_2020
    3. Content_Based_Filtering_in_Machine_Learning.ipynb
  8. Time Series Forecasting

    1. Covid_19_Cases_Prediction_with_Python (1).ipynb
    2. Time_Series_with_LSTM_in_Machine_Learning.ipynb
  9. Project Need to Implement

  10. How to Detect Passive and Active Voice in Your Writing Using an LSTM

  11. How to Create a Chrome Plugin using Python

  12. Face Recognition Based Attendance System| Python| OpenCV

  13. UBER RIDES PREDICTION USING MACHINE LEARNING | Complete Project

  14. Predict Ads Click โ€“ Practice Data Analysis and Logistic Regression Prediction

  15. Beginner Machine Learning Projects with data:

  16. ai-powered storytelling convert text into video stories

  17. Learn to create AI Assistant (JARVIS) With Python

  18. Data Science Real-World Use Cases - Hands On PythonYour progress

  19. How to Build Bioinformatics Tools

  20. TOP 10 OPENCV PROJECTS in 2020

  21. Predict The Future Price of Etherium Using Python & Machine Learning

  22. Opencv Projects

  23. Machine Learning project : Cricket Score prediction using Python

  24. Deep Learning for Air Quality Prediction

  25. Machine Learning Projects | using python | with code | for college students

  26. Text Classification Using Convolutional Neural Networks

  27. project-based-learning

  28. Best-of Machine Learning with Python

  29. Face-Mask-Detection-Using-Google-Colab

  30. Face Mask Detection using Python, Keras, OpenCV and MobileNet | Detect masks real-time video streams

  31. Monk_Object_Detection

  32. Deep Learning-based Real-time Video Processing

  33. Murtaza's Workshop - Robotics and AI

  34. Rainfall Prediction with Machine Learning

  35. Fruits Classification using Deep Learning

  36. Face Recognition Attendance GUI PyQt - 1 Hour Course | 2021

  37. Machine Learning Projects on Social Media Analysis

  38. 10 Best Data Science Projects to Get Hired and You Must Know in 2021

  39. Build a chatbot from scratch - Ultimate Chatbot Tutorial

  40. Wine Recommender System Using Principal Component Analysis- Python

  41. Deep Learning Algorithms For Solving Advanced Mathematical Problems

  42. Video to Text Description Using Deep Learning and Transformers | COOT

  43. Forecasting the power generated by a solar plant using Neural Designer

  44. https://www.neuraldesigner.com/learning/examples/solar-power-generation

  45. 8 Neural Networks Projects Solved and Explained

  46. Hierarchical Human Activity Recognition using Deep Learning

  47. 4 Recommendation System Projects with Python

  48. Machine Learning Project on Hand Gesture Recognition Model

  49. 6 Sentiment Analysis Projects with Python

  50. Build and deploy data science products: Machine translation application -Build and deploy using Flask

  51. How I Built and Deployed a Fun Serverless Machine Learning App

  52. Build and deploy data science products: Machine translation application -Build and deploy using Flask

  53. Face Mask Detection with Machine Learning

  54. 20 Machine Learning Projects on Future Prediction with Python

  55. Build and Deploy Data Science Products : A Practical Guide to Building a Machine Translation Application.

  56. Data Science Project on Youtube Trending Videos Analysis with Python

  57. 10 Machine Learning Projects on Time Series Forecasting

  58. 500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code

  59. Real-Time Sentiment Analysis

  60. 215+ Machine Learning Projects Solved and Explained

  61. Part 1-EDA-Audio Classification Project Using Deep Learning

  62. Top 7 beginner projects in Machine Learning

  63. Build a Personal AI Trainer| OpenCV Python 2021 | Computer Vision

  64. Data Science Real-World Use Cases

  65. Smart Attendance Management System Based On Face Recognition

  66. Python Project Development

  67. AI Virtual Mouse | OpenCV Python | Computer Vision

  68. Face Recognition Authentication in Flutter using TensorFlow & Firebase ML

  69. Fake News Detection using LSTM in Tensorflow and Python

  70. Emotion Detection of Text Using Machine Learning and Python

  71. Face Recognition Authentication in Flutter using TensorFlow & Firebase ML

  72. Machine learning project| | Student exam mark prediction using python|

  73. Machine Learning Projects for Beginners|

  74. I tried building a Computer Vision Game in 12 Hours

  75. predict a news headline|

  76. DS_and_ML_projects

  77. Movies Review Sentiment Analysis in NLP

  78. Machine Learning Tutorial with Turi Create and Python (Diabetes Risk Prediction)

  79. 230+ Machine Learning Projects with Python

  80. Machine Learning Project : Weather prediction using Python ( Naรฏve Bayes )

  81. End-to-End Machine Learning Projects with Source Code

  82. Build a Grammar Correction Python App with Gramformer and Gradio

  83. 240+ Machine Learning Projects with Python

  84. AI Virtual Mouse | OpenCV Python | Computer Vision

  85. Computer Vision Notebooks:

  86. Predicting Football Results With the Poisson Distribution

  87. End-to-End Machine Learning Projects

  88. 250+ Machine Learning Projects with Python

  89. End-to-End Machine Learning Projects with Source Code

  90. 7 BEST ARTIFICIAL INTELLIGENCE PROJECT IDEAS FOR BEGINNERS

  91. 255+ Machine Learning Projects with Python

  92. 8 Deep Learning Project Ideas for Beginners

  93. Skin Cancer Detection Using CNN

  94. Create Music Recommendation System Using Python

  95. Credit Card Fraud Detection With Machine Learning in Python

  96. Credit Card Fraud Detection With Machine Learning in Python

  97. Fake News Classifier using Bidirectional LSTM

  98. YouTube Recommendation System โ€“ Machine Learning Project with Source Code

  99. 15 Amazing Deep Learning Project Ideas to Boost Your Resume

  100. Automate WhatsApp Messages with Python Instantly!

  101. 10 Best Machine Learning Projects with datasets

  102. 10 Time Series Projects with datasets

  103. ml_stress_detection

  104. Important Website For Projects

    1. dataspoof
    2. blobcity
    3. data-flair.training
    4. ai-techsystems
    5. Data Science Tutorial
    6. Data Science Tutorial
    7. Top 10 most promising AI
    8. Graph Algorithms
    9. Murtaza's Workshop - Robotics and AI
    10. projectsbasedlearning
    11. laconicml
    12. Machine Learning Hub
    13. techprofree
    14. Mathematics behind Data Science
    15. Machine Learning Projects

details>

๐Ÿ’ป 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 Projects")

โš™๏ธ 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.

    โš™๐Ÿ” Explore more

Explore Free world top University computer Vision ,NLP, Machine Learning , Deep Learning , Time Series and Python Projects, access insightful slides and source code, and tap into a wealth of free online websites, github repository related Machine Learning Projects. Connect with like-minded individuals on Reddit, Facebook, and beyond, and stay updated with our YouTube channel and GitHub repository. Donโ€™t wait โ€” enroll now and unleash your Machine Learning projects potential!โ€

โœจ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!๐Ÿš€

Releases

No releases published

Packages

No packages published