Aiml Projects

Projects I completed as a part of Great Learning's PGP - Artificial Intelligence and Machine Learning
Alternatives To Aiml Projects
Project NameStarsDownloadsRepos Using ThisPackages Using ThisMost Recent CommitTotal ReleasesLatest ReleaseOpen IssuesLicenseLanguage
Faceswap44,904
22 days ago24gpl-3.0Python
Deepfakes Software For All
Open Assistant33,642
18 hours ago431apache-2.0Python
OpenAssistant is a chat-based assistant that understands tasks, can interact with third-party systems, and retrieve information dynamically to do so.
Google Research29,6041272 days ago9June 12, 20201,014apache-2.0Jupyter Notebook
Google Research
Machine Learning For Software Engineers26,824
a month ago24cc-by-sa-4.0
A complete daily plan for studying to become a machine learning engineer.
Photoprism26,307418 hours ago151April 25, 2021381otherGo
AI-Powered Photos App for the Decentralized Web 🌈💎✨
Spacy26,2861,5338422 days ago196April 05, 2022107mitPython
💫 Industrial-strength Natural Language Processing (NLP) in Python
Ai Expert Roadmap24,033
3 months ago13mitJavaScript
Roadmap to becoming an Artificial Intelligence Expert in 2022
Lightning23,602738918 hours ago221June 01, 2022692apache-2.0Python
Deep learning framework to train, deploy, and ship AI products Lightning fast.
Netron23,101463a day ago489July 04, 202228mitJavaScript
Visualizer for neural network, deep learning, and machine learning models
Openbbterminal22,366
19 hours ago4April 29, 2021206mitPython
Investment Research for Everyone, Everywhere.
Alternatives To Aiml Projects
Select To Compare


Alternative Project Comparisons
Readme

Artificial Intelligence and Machine Learning Projects

Projects completed as a part of Great Learning's PGP - Artificial Intelligence and Machine Learning.

Installation

$ git clone https://github.com/sharmapratik88/AIML-Projects.git
$ cd AIML-Projects

Projects done

1. Statistical Learning

2. Supervised Machine Learning

  • Covers Multiple Variable Linear regression, Logistic regression, Naive Bayes classifiers, Multiple regression, K-NN classification, Support vector machines

3. Ensemble Techniques

  • Covers Decision Trees, Bagging, Random Forests, Boosting
    • Project link: Ensemble Technique

      • Leveraged customer information of bank marketing campaigns to predict whether a customer will subscribe to term deposit or not. Different classification algorithms like Decision tree, Logistic Regression were used. Ensemble techniques like Random forest were used to further improve the classification results.

4. Unsupervised Machine Learning

5. Feature Engineering Techniques

6. Recommendation Systems

  • Covers Introduction to Recommendation systems, Popularity based model, Hybrid models, Content based recommendation system, Collaborative filtering (User similarity & Item similarity)
    • Project link: Recommendation Systems
      • Project involved building recommendation systems for Amazon products. A popularity-based model and a collaborative filtering filtering models were used and evaluated to recommend top-10 product for a user.

7. Neural Networks

  • Covers Gradient Descent, Batch Normalization, Hyper parameter tuning, Tensor Flow & Keras for Neural Networks & Deep Learning, Introduction to Perceptron & Neural Networks, Activation and Loss functions, Deep Neural Networks
    • Project link: Neural Networks
      • SVHN is a real-world image dataset for developing object recognition algorithms with a requirement on data formatting but comes from a significantly harder, unsolved, real-world problem (recognizing digits and numbers in natural scene images). SVHN is obtained from house numbers in Google Street View images. The objective of the project is to learn how to implement a simple image classification pipeline based on the k-Nearest Neighbour and a deep neural network.

8. Computer Vision

  • Covers Introduction to Convolutional Neural Networks, Convolution, Pooling, Padding & its mechanisms, Transfer Learning, Forward propagation & Backpropagation for CNNs, CNN architectures like AlexNet, VGGNet, InceptionNet & ResNet
    • Project link: Face Detection

      • Recognize, identify and classify faces within images using CNN and image recognition algorithms. In this hands-on project, the goal is to build a face recognition system, which includes building a face detector to locate the position of a face in an image and a face identification model to recognize whose face it is by matching it to the existing database of faces.

      image

      mask

      mask

9. Advanced Computer Vision

  • Covers Semantic segmentation, Siamese Networks, YOLO, Object & face recognition using techniques above
    • Project link: Face Recognition

      • Face recognition deals with Computer Vision a discipline of Artificial Intelligence and uses techniques of image processing and deep learning. The objective of this project is to build a face recognition system, which includes building a face detector to locate the position of a face in an image and a face identification model to recognize whose face it is by matching it to the existing database of faces.
      • Aligned Faces Dataset from Pinterest (10k+ images of 100 celebs) - Face recognition model recognises similar faces with an accuracy of 97% and F1 score of 96%.
      • Faces Identified - Results result

10. Statistical NLP (Natural Language Processing)

  • Covers Bag of Words Model, POS Tagging, Tokenization, Word Vectorizer, TF-IDF, Named Entity Recognition, Stop Words
    • Project link: NLP Sentiment Analysis

      • The objective of this project is to build a text classification model that analyses the customer's sentiments based on their reviews in the IMDB database. The model uses a complex deep learning model to build an embedding layer followed by a classification algorithm to analyze the sentiment of the customers.

      Results

11. Sequential NLP (Natural Language Processing)

License

Released under MIT License

Copyright (c) 2020 Pratik Sharma

Popular Machine Learning Projects
Popular Artificial Intelligence Projects
Popular Machine Learning Categories
Related Searches

Get A Weekly Email With Trending Projects For These Categories
No Spam. Unsubscribe easily at any time.
Jupyter Notebook
Machine Learning
Artificial Intelligence
Nlp
Neural
Classification
Data Science
Statistics
Computer Vision
Data Visualization
Recommendation System
Logistic Regression
Random Forest