GitHub topics: sklearn-pipeline
davutbayik/socialmedia-ads-purchase-prediction
🎯 Social media ad purchase predictor using Streamlit and FastAPI — clean UI + real-time ML predictions!
Language: Jupyter Notebook - Size: 241 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

chicolucio/ifood-case-data-analyst
Projeto de ensino para o curso Ciência de Dados ministrado por mim na Hashtag
Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 26 - Forks: 23

ZenaPoudel/rqf-demand-forecast
Demand Forecasting with Quantile Regression Forest
Language: Python - Size: 17.6 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

matheusAFONSECA/Deploy-ML-models-with-Streamlit-Udemy
This repository is dedicated to storing the code developed during the "Machine Learning Model Deployment with Streamlit" course on Udemy. The course covers basic to advanced techniques for deploying machine learning models using Streamlit.
Language: Jupyter Notebook - Size: 1.9 MB - Last synced at: 25 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

adnaen/hotel-cancellation-prediction
💼 A Production ready ML solution for Hotel Cancellation Prediction
Language: Jupyter Notebook - Size: 1.06 MB - Last synced at: 10 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

MLShet/LangraphMLBot
Automated sklearn pipelines using LangChain and LangGraph.
Language: Jupyter Notebook - Size: 83 KB - Last synced at: 25 days ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

rodrigo-arenas/scikit-pipes
Scikit-Learn useful pre-defined Pipelines Hub
Language: Python - Size: 49.8 KB - Last synced at: about 19 hours ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

RijoSLal/ChurnIQ
ChurnIQ is a Streamlit app that predicts customer churn based on inputted customer details. Using a trained machine learning model, it helps businesses anticipate whether customers will stay or leave
Language: Jupyter Notebook - Size: 331 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

JAdelhelm/AutoAD
AutoAD - A framework for the rapid detection of anomalies in (big) datasets
Language: Jupyter Notebook - Size: 2.42 MB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 1

siddhinarayan09/house-prices-prediction
A project predicting housing prices using the California Housing Dataset with Linear Regression, featuring data preprocessing pipelines, model training, and future prediction capabilities.
Language: Python - Size: 4.88 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

gvsreekar/credit_risk_model
The model used in this credit risk analysis is trained on a dataset of borrower attributes, including financial, demographic, and credit-related features. The goal is to enable data-driven decisions in the loan underwriting process.
Language: Jupyter Notebook - Size: 43.6 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Ahmed-AI-01/NLP
this repo will include all my work regarding NLP
Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Jatin-Mehra119/Flight-Price-Prediction
This study aims to analyze flight booking data from "Ease My Trip" website, using statistical tests and linear regression to extract insights. By understanding this data, valuable information can be gained to benefit passengers using the platform.
Language: Jupyter Notebook - Size: 10.9 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

devikajonjale/spam_classifier
This is a Natural Language Processing model for SMS Spam Classification.
Language: Jupyter Notebook - Size: 988 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

sanhiitaa/fastag-fraud-detection-classification
Fastag Fraud Detection Classification System
Language: Jupyter Notebook - Size: 3.38 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

jyothisable/IVY-League-Collage-Predictor
A Linear Regression ML model to predict the chance of admission to IVY League Collages
Language: Jupyter Notebook - Size: 56.2 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

tracyreuter/dimensionality-reduction
Increase processing efficiency via principal components analysis
Language: Jupyter Notebook - Size: 3.57 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Jatin-Mehra119/CAR_PRICE_Prediction
Predicting price of the cars using small dataset.
Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

codeDroid1/Sklearn_Pipeline
Machine learning (ML) pipelines consist of several steps to train a model.
Language: Jupyter Notebook - Size: 224 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 2

kaladabrio2020/my-pipelines-sklearn
Pipelines transformMixin that preserve the format dataframe and automation in correlation
Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

miirshe/NLP-projects
Language: Jupyter Notebook - Size: 29.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Kebab-kun/Sector-based-Time-Series-Classification-and-Similarity-Analysis
Sector based classification with feature engineering and tsfresh. Looking 3 months momentum of stocks.
Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

HarshJarsaniya/Recommendation-Engine-in-Python
This project aims to develop a user-friendly recommendation engine that suggests movies tailored to individual preferences, enhancing the overall Netflix movie exploration experience.
Size: 1000 Bytes - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

nitinjosephrepo/Data-Prepration-For-ML
Most machine learning algorithms require data to be formatted in a very specific way, so datasets generally require preparation before they can yield useful insights. This repository is to document my study notes as I work through steps that I have personally found most challenging.
Language: Jupyter Notebook - Size: 67.4 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

tomytjandra/loan-approval-app
Simple End-to-End Machine Learning Project
Language: HTML - Size: 5.47 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 0

Praveen76/AcousticExtinguisherFire
AcousticExtinguisherFire employs machine learning to predict fire status based on acoustic signals. With features like SIZE, FUEL, DISTANCE, DESIBEL, AIRFLOW, and FREQUENCY, this binary classification project enhances fire safety measures.
Language: Jupyter Notebook - Size: 469 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

anudeepvanjavakam1/churn_prediction
A flask app to predict customer churn for a subscription service business
Language: Jupyter Notebook - Size: 66.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Mathurshab2210/Ml_with_Mathur
Here are some fun projects to learn ML using Handson approach
Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Nasfame/decenter.streamlit.app
Decenteralized AI training platform for all
Language: Python - Size: 5.73 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

chicolucio/segmentacao-clientes-supermercado
Projeto de ensino para o curso Ciência de Dados ministrado por mim na Hashtag
Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

PeterSchuld/Disaster-Response-Pipeline-
Project No.2 (Data Engineering) in the Data Scientist Nanodegree program. Build a machine learning pipeline to categorize emergency messages based on the need communicated by the sender.
Language: Jupyter Notebook - Size: 3.4 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

sdakansu/Naive-Bayes-Text-Classification
In this project, Naive Bayes and Logistic Regression models are used to develop a text classification system for Turkish news articles.
Language: Jupyter Notebook - Size: 7.61 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

harisankar01/IEEE-ML-Projects
An collection of machine learning projects implemented based on IEEE papers.
Language: Jupyter Notebook - Size: 6.73 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

Gopalkholade/car-price-prediction
A car price prediction model based on regressor task.
Language: Jupyter Notebook - Size: 2.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

nipun-goyal/Residential-Energy-Consumption-Prediction
Predicting the Residential Energy Usage across 113.6 million U.S. households using Machine Learning Algorithms (Regression and Ensemble)
Language: Jupyter Notebook - Size: 69.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Tirth132108/Used_Car_Price_Prediction
This repository contains a flask application that is created for price prediction of used car in India.
Language: HTML - Size: 42 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

DunnBC22/Python_Projects_with_Structured_data
This repository includes projects using datasets of structured data (non-Spark). The projects use Python, NumPy, Pandas, Matplotlib, Seaborn, TensorFlow, Pytorch, and Sklearn.
Language: Jupyter Notebook - Size: 5.95 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Darshan0902/SK-Learn-pipeline-model
Language: Jupyter Notebook - Size: 3.42 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

tien02/salary-prediction
Predicting developer's salary from Stack Overflow Annual Developer Survey (https://insights.stackoverflow.com/survey)
Language: Jupyter Notebook - Size: 4.26 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

Jacqueline-dev/modelo_titanic
Notebook modelo de dados com análise descritiva
Language: Jupyter Notebook - Size: 64.5 KB - Last synced at: 20 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

bhulston/Random-Forest-on-Cancer-Classification
Built Random Forest classifier from scratch on top of Scikit Learn decision trees. Using Scikit Learn to create data cleaning pipelines, perform grid searches for hyper parameter tuning, and decision tree modeling
Language: Jupyter Notebook - Size: 3.86 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

TanyamonSiri/house-prices-prediction-with-regression-model
:house_with_garden: Built linear regression model to predict house prices in Ames dataset with applied tools such as scikit-learn pipeline
Language: Python - Size: 1000 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

instabaines/rossaman-store-end-to-end-ml-prediction
An end to end machine learning prediction for rossamann store problem
Language: Python - Size: 14.6 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

MuhammadTayyab-SE/titanic_survival_classifier
This model will evaluate either a passenger will survive in titanic.
Language: Jupyter Notebook - Size: 98.6 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

MuhammadTayyab-SE/titanic_survival_model_pipeline
Logistic regression pipeline by using sklearn, feature_engine, joblib
Language: Jupyter Notebook - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

MuhammadTayyab-SE/churn-prediction-pipeline
âš¡ Code for machine Learning Pipeline with Scikit-learn âš¡
Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

sezersekerli/ML_RegressionProblem
Regression Problem
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

adamparkosidis/NLP-Yelp-Reviews
Natural Language Processing model to classify Yelp Reviews into 1 star or 5 star categories based off the text content in the reviews
Language: Jupyter Notebook - Size: 3.4 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

youssef595/Flight-passengers-prediction
Predict the number of passengers per plane on some flights
Language: Jupyter Notebook - Size: 10.9 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Bipin-K-Balan/Medical-Insurance-cost-prediction
Machine Learning based web application which helps users to choose an appropriate insurance premuim for subscription by predicting it based on user's details like living style, gender, smoker or not etc.
Language: Jupyter Notebook - Size: 1.84 MB - Last synced at: 21 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 2

Jayveersinh-Raj/intro_NLP_tensorflow
This is a very brief notebook on NLP, it contains a "Disaster Analysis" project in which all the possible architectures were shown and described briefly.
Language: Jupyter Notebook - Size: 4.52 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Anas436/House-Sale-Prices-Prediction-Using-Python
Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

hamzansariii/Titanic-Survival-Prediction
[In the top 20 percent of the Kaggle competition] To predict the survival of passengers on the Titanic, a classification model was developed with the Implementation of Sklearn-Pipeline for feature engineering and model construction using ColumnTransformer.
Language: Jupyter Notebook - Size: 46.9 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

ShreySrivas/Sports-Person-Classifier
Classifying Sports Personalities
Language: Python - Size: 118 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

hediyeorhan/ML_AracFiyatTahmini
Language: Jupyter Notebook - Size: 121 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

uditmanav17/Sandbox
Trying out new different things
Language: Jupyter Notebook - Size: 24.2 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Ankit-Kumar-Saini/Disaster-Response-NLP-Pipeline
End-to-end machine learning pipeline to classify disaster messages into 36 categories and a web app to deploy the trained model.
Language: Jupyter Notebook - Size: 23 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

ShrishailSGajbhar/MyPipeline
Demo for "Pandas In, Pandas Out" scheme based scikit-learn pipeline.
Language: Python - Size: 10.7 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

VeereshElango/CaliforniaHousePricePrediction
Language: Jupyter Notebook - Size: 6.09 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

ulf1/sklearn-pipelinetweak
additional wrapper and classes for sklearn's pipeline API
Language: Python - Size: 23.4 KB - Last synced at: 6 days ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

HishamElamir/PipeLearn
Enhancement of SKLearn Pipeline
Size: 1000 Bytes - Last synced at: about 8 hours ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0
