All Projects β†’ sharmapratik88 β†’ AIML-Projects

sharmapratik88 / AIML-Projects

Licence: MIT license
Projects I completed as a part of Great Learning's PGP - Artificial Intelligence and Machine Learning

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to AIML-Projects

Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
πŸ† A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (-50.59%)
Mutual labels:  logistic-regression, support-vector-machines, supervised-machine-learning
click-through-rate-prediction
πŸ“ˆ Click-Through Rate Prediction using Logistic Regression and Tree Algorithms
Stars: ✭ 60 (-29.41%)
Mutual labels:  random-forest, logistic-regression, decision-tree-classifier
ICC-2019-WC-prediction
Predicting the winner of 2019 cricket world cup using random forest algorithm
Stars: ✭ 41 (-51.76%)
Mutual labels:  random-forest, logistic-regression, support-vector-machines
Awesome Decision Tree Papers
A collection of research papers on decision, classification and regression trees with implementations.
Stars: ✭ 1,908 (+2144.71%)
Mutual labels:  random-forest, decision-tree-classifier, catboost
supervised-machine-learning
This repo contains regression and classification projects. Examples: development of predictive models for comments on social media websites; building classifiers to predict outcomes in sports competitions; churn analysis; prediction of clicks on online ads; analysis of the opioids crisis and an analysis of retail store expansion strategies using…
Stars: ✭ 34 (-60%)
Mutual labels:  random-forest, logistic-regression
Machine Learning Models
Decision Trees, Random Forest, Dynamic Time Warping, Naive Bayes, KNN, Linear Regression, Logistic Regression, Mixture Of Gaussian, Neural Network, PCA, SVD, Gaussian Naive Bayes, Fitting Data to Gaussian, K-Means
Stars: ✭ 160 (+88.24%)
Mutual labels:  random-forest, logistic-regression
Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (-67.06%)
Mutual labels:  random-forest, logistic-regression
Text Classification Benchmark
ζ–‡ζœ¬εˆ†η±»εŸΊε‡†ζ΅‹θ―•
Stars: ✭ 18 (-78.82%)
Mutual labels:  random-forest, logistic-regression
scoruby
Ruby Scoring API for PMML
Stars: ✭ 69 (-18.82%)
Mutual labels:  random-forest, gradient-boosting-classifier
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-61.18%)
Mutual labels:  random-forest, logistic-regression
Textclassification
several methods for text classification
Stars: ✭ 180 (+111.76%)
Mutual labels:  random-forest, logistic-regression
Machine Learning Is All You Need
πŸ”₯πŸŒŸγ€ŠMachine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!πŸ’ͺ This repository is ALL You Need!
Stars: ✭ 173 (+103.53%)
Mutual labels:  random-forest, logistic-regression
25daysinmachinelearning
I will update this repository to learn Machine learning with python with statistics content and materials
Stars: ✭ 53 (-37.65%)
Mutual labels:  random-forest, logistic-regression
aws-machine-learning-university-dte
Machine Learning University: Decision Trees and Ensemble Methods
Stars: ✭ 119 (+40%)
Mutual labels:  random-forest, catboost
Awesome Fraud Detection Papers
A curated list of data mining papers about fraud detection.
Stars: ✭ 843 (+891.76%)
Mutual labels:  random-forest, logistic-regression
Tensorflow Ml Nlp
ν…μ„œν”Œλ‘œμš°μ™€ λ¨Έμ‹ λŸ¬λ‹μœΌλ‘œ μ‹œμž‘ν•˜λŠ” μžμ—°μ–΄μ²˜λ¦¬(λ‘œμ§€μŠ€ν‹±νšŒκ·€λΆ€ν„° 트랜슀포머 μ±—λ΄‡κΉŒμ§€)
Stars: ✭ 176 (+107.06%)
Mutual labels:  random-forest, logistic-regression
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+3822.35%)
Mutual labels:  random-forest, logistic-regression
Github-Stars-Predictor
It's a github repo star predictor that tries to predict the stars of any github repository having greater than 100 stars.
Stars: ✭ 34 (-60%)
Mutual labels:  random-forest, catboost
Shapley regressions
Statistical inference on machine learning or general non-parametric models
Stars: ✭ 37 (-56.47%)
Mutual labels:  random-forest, support-vector-machines
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-74.12%)
Mutual labels:  random-forest, logistic-regression

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

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].