All Projects β†’ maneprajakta β†’ EXPLORING_SKLEARN

maneprajakta / EXPLORING_SKLEARN

Licence: other
Exploring sklearn 🌟

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to EXPLORING SKLEARN

bihm
Bidirectional Helmholtz Machines
Stars: ✭ 40 (+233.33%)
Mutual labels:  machine-learning-algorithms
vlainic.github.io
My GitHub blog: things you might be interested, and probably not...
Stars: ✭ 26 (+116.67%)
Mutual labels:  machine-learning-algorithms
PyLDA
A Latent Dirichlet Allocation implementation in Python.
Stars: ✭ 51 (+325%)
Mutual labels:  machine-learning-algorithms
FinRL Podracer
Cloud-native Financial Reinforcement Learning
Stars: ✭ 179 (+1391.67%)
Mutual labels:  machine-learning-algorithms
Cerbo
Perform Efficient ML/DL Modelling easily
Stars: ✭ 12 (+0%)
Mutual labels:  machine-learning-algorithms
ml-ai
ML-AI Community | Open Source | Built in Bharat for the World | Data science problem statements and solutions
Stars: ✭ 32 (+166.67%)
Mutual labels:  machine-learning-algorithms
sia-cog
Various cognitive api for machine learning, vision, language intent alalysis. Covers traditional as well as deep learning model design and training.
Stars: ✭ 34 (+183.33%)
Mutual labels:  machine-learning-algorithms
Tf-Rec
Tf-Rec is a pythonπŸ’» package for buildingβš’ Recommender Systems. It is built on top of Keras and Tensorflow 2 to utilize GPU Acceleration during training.
Stars: ✭ 18 (+50%)
Mutual labels:  machine-learning-algorithms
machine-learning-implemetation-python
Basic Machine Learning implementation with python
Stars: ✭ 51 (+325%)
Mutual labels:  machine-learning-algorithms
Machine-Learning-Explained
Learn the theory, math and code behind different machine learning algorithms and techniques.
Stars: ✭ 30 (+150%)
Mutual labels:  machine-learning-algorithms
Moo-GBT
Library for Multi-objective optimization in Gradient Boosted Trees
Stars: ✭ 63 (+425%)
Mutual labels:  machine-learning-algorithms
AI Learning Hub
AI Learning Hub for Machine Learning, Deep Learning, Computer Vision and Statistics
Stars: ✭ 53 (+341.67%)
Mutual labels:  machine-learning-algorithms
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (+75%)
Mutual labels:  machine-learning-algorithms
pyspark-ML-in-Colab
Pyspark in Google Colab: A simple machine learning (Linear Regression) model
Stars: ✭ 32 (+166.67%)
Mutual labels:  machine-learning-algorithms
lbfgsb-gpu
An open source library for the GPU-implementation of L-BFGS-B algorithm
Stars: ✭ 70 (+483.33%)
Mutual labels:  machine-learning-algorithms
GDLibrary
Matlab library for gradient descent algorithms: Version 1.0.1
Stars: ✭ 50 (+316.67%)
Mutual labels:  machine-learning-algorithms
Binary-Neural-Networks
Implemented here a Binary Neural Network (BNN) achieving nearly state-of-art results but recorded a significant reduction in memory usage and total time taken during training the network.
Stars: ✭ 55 (+358.33%)
Mutual labels:  machine-learning-algorithms
pyHSICLasso
Versatile Nonlinear Feature Selection Algorithm for High-dimensional Data
Stars: ✭ 125 (+941.67%)
Mutual labels:  machine-learning-algorithms
MachineLearning
Implementations of machine learning algorithm by Python 3
Stars: ✭ 16 (+33.33%)
Mutual labels:  machine-learning-algorithms
AgePredictor
Age classification from text using PAN16, blogs, Fisher Callhome, and Cancer Forum
Stars: ✭ 13 (+8.33%)
Mutual labels:  machine-learning-algorithms

21-DAYS-PROGRAMMING-CHALLENGE-ACES

@@ Exploring sklearn! @@

Bit intro About library

A python library built upon NumPy ,SciPy and Matplotlib orignal name scikit-learn.

Installation

pip install scikit-learn

Features of Sklearn
  1. Supervised Learning Model
  2. Unsupervised learning Model
  3. Clustering
  4. Dimenstionality Reduction
  5. Ensemble Methods
  6. Feature Extraction
  7. Feature Selection
  8. Open Source

πŸ’  Day 1 :Sklearn Modelling Process:
  1. Loading ,splitting data
  2. Training Model
  3. Model Persistence
  4. Preprocessing the Dataset(Binarisation,Mean Removal ,Scaling,Noemalisation(L1,L2 normalisation))

πŸ’  Day 2:Linear Modelling :
  1. Linear Regression (SL)(Regression) ( logit or MaxEnt Classifier)

πŸ’  Day 3:Linear Modelling :
  1. Logistic Regression (SL)(Classification)
  2. Lasso
  3. Ridge
  4. ElasticNet

πŸ’  Day 4:Gradient Descent Algorithm
  1. Batch Gradient Descent
  2. Stochastic Gradient Descent
  3. Mini Batch Gradient Descent

πŸ’  Day 5:Suppot Vector Machine
  1. SVM (SL,Classification+Regression)

πŸ’  Day 6:KNN Algorithm
  1. KNN as Classifier (SL,Classification+Regression)
  2. KNN as Regressor

πŸ’  Day 7:Metrics and scoring

(Not did much read a bit theory)

  1. Confusion_matrix
  2. Accuracy
  3. Precision
  4. Recall or Sensitivity
  5. Specificity

πŸ’  Day 8:PCA
  1. Incremental PCA (UL + dimensionality Reduction)
  2. Kernel PCA

πŸ’  Day 9:Tree
  1. Decision Tree (ID3 iterative dichotomiser 3)(SL,CART)
  2. Random Forest

πŸ’  Day 10:Naive Bais
  1. Gaussian Naive Bayes (Classification)

πŸ’  Day 11:Dimension Reduction
  1. Principal Component Analysis(PCA)

πŸ’  Day 12:Dimension Reduction
  1. Singular Vector Decomposition(SVD) [not did much today kam hai kafi!]

πŸ’  Day 13:Ensemble methods
  1. Voting Classifier
    Soft Voting + with GridSearchCV

πŸ’  Day 14:Gradient Boosting

Read theory about all

  1. GBA

πŸ’  Day 15:DATA PROCESSING

Steps involved in data processing

  1. Treating up missing values
  2. Treating outliners
  3. Dimentionality Reduction
  4. Variable Transformation and Feature Engineering

πŸ’  Day 16:Recommender System
  1. Simple REcommende using IBM formula

πŸ’  Day 17:Recommender System
  1. Content based Recommendation(tfid)

πŸ’  Day 18:Mean shift Clustering Algorithm

πŸ’  Day 19: Not a good day
  1. Not having laptop with meπŸ˜₯ signed in through phone will read about different types of regression. no code today πŸ˜”.

πŸ’  Day 20: Pipeline
  1. How to create one and use.
    Laptop didn't come today.
    Now I am pro at using GitHub on phone.πŸ’

πŸ’  Day 21 Anomaly detection

RESOUCES

Tutorial

Happy to complete this Chanllenge and for sure will continue Learning! 😊

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].