sklearn-pipeline
There are 67 repositories under sklearn-pipeline topic.
chicolucio/ifood-case-data-analyst
Projeto de ensino para o curso Ciência de Dados ministrado por mim na Hashtag
harisankar01/IEEE-ML-Projects
An collection of machine learning projects implemented based on IEEE papers.
tomytjandra/loan-approval-app
Simple End-to-End Machine Learning Project
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.
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)
chugh007/FlightPricePrediction
Simple Application for predicting price of the flight. It uses sklearn pipeline to perform preprocessing , feature selection and feature engineering and model building .The pipeline object is saved in a pickle file and used in the flask application for prediction
Ahmed-AI-01/NLP
this repo will include all my work regarding NLP
Mathurshab2210/Ml_with_Mathur
Here are some fun projects to learn ML using Handson approach
MuhammadTayyab-SE/churn-prediction-pipeline
⚡ Code for machine Learning Pipeline with Scikit-learn ⚡
sezersekerli/ML_RegressionProblem
Regression Problem
tien02/salary-prediction
Predicting developer's salary from Stack Overflow Annual Developer Survey (https://insights.stackoverflow.com/survey)
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.
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
codeDroid1/Sklearn_Pipeline
Machine learning (ML) pipelines consist of several steps to train a model.
HishamElamir/PipeLearn
Enhancement of SKLearn Pipeline
JAdelhelm/AutoAD
AutoAD - A framework for the rapid detection of anomalies in (big) datasets
MLShet/LangraphMLBot
Automated sklearn pipelines using LangChain and LangGraph.
MuhammadTayyab-SE/titanic_survival_classifier
This model will evaluate either a passenger will survive in titanic.
MuhammadTayyab-SE/titanic_survival_model_pipeline
Logistic regression pipeline by using sklearn, feature_engine, joblib
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.
rodrigo-arenas/scikit-pipes
Scikit-Learn useful pre-defined Pipelines Hub
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
ameermak/SklearnNLPClassifierForSentimentAnalysis
Using Scikit-Learn classifier Pipelines to perform sentiment analysis on Amazon books review data from Json sample file.
Ich-Asadullah/5-Exploratory_Analysis_and_Training_different_models_on_Titanic_data
This repository contains an in-depth exploratory data analysis (EDA) and training of various machine learning models on the famous Titanic dataset. The models tested include Logistic Regression, Support Vector Machine (SVM), and Decision Tree. Additionally, pipelines for the Decision Tree and Logistic Regression models have been created and saved.
Jatin-Mehra119/CAR_PRICE_Prediction
Predicting price of the cars using small dataset.
jyothisable/IVY-League-Collage-Predictor
A Linear Regression ML model to predict the chance of admission to IVY League Collages
olaf-kucharski/Boston-Housing-OSEMN-pipeline
Using the OSEMN pipeline to analyze the dataset and train a model on it.
sanhiitaa/fastag-fraud-detection-classification
Fastag Fraud Detection Classification System
tracyreuter/dimensionality-reduction
Increase processing efficiency via principal components analysis
Chengetanaim/Simple-Loan-Classification
This dataset contains various demographic and financial features that could be used to build a classification model for predicting loan approval or denial. The loan_status column serves as the target variable for the classification task.
devikajonjale/spam_classifier
This is a Natural Language Processing model for SMS Spam Classification.
FYT3RP4TIL/FilterNet
Email Spam Detector with 99% accuracy.
gvsreekar/credit_risk_model
A deployable end to end ML model for predicting loan default risk of new customers for a financial institution
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.
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.