Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with gridsearchcv

A curated list of projects in awesome lists tagged with gridsearchcv .

https://github.com/ray-project/tune-sklearn

A drop-in replacement for Scikit-Learn’s GridSearchCV / RandomizedSearchCV -- but with cutting edge hyperparameter tuning techniques.

automl bayesian-optimization gridsearchcv hyperparameter-tuning scikit-learn

Last synced: 27 Sep 2024

https://github.com/geekquad/facial-recognition-with-pca

Face Recognition Implementation using PCA, eigenfaces, and SVM

eigenfaces face-recognition gridsearchcv lfw-dataset pca sklearn svm-classifier

Last synced: 10 Nov 2024

https://github.com/dark-art108/hyperparameter-tuning-using-hyperopt

Hyperparameter Tuning done on Random Forest Classifier using Hyperopt over Pima Diabetes Dataset!!

dataset gridsearchcv hyperopt hyperparameter-tuning python3 random-forest

Last synced: 12 Nov 2024

https://github.com/ejw-data/ml-myopia

A variety of machine learning techniques used to identify nearsighted patients

cross-validation gridsearchcv imbalanced-classification kmeans knn machine-learning pca pipeline python random-forest scikit-learn svc tensorflow tsne

Last synced: 21 Nov 2024

https://github.com/krisharul26/defect-detection-in-air-pressure-system-aps-of-a-truck-using-ml

The dataset consists of data collected from heavy Scania trucks in everyday usage. The system in focus is the Air Pressure system (APS) which generates pressurised air that is utilized in various functions in a truck, such as braking and gear changes. The dataset’s positive class consists of component failures for a specific component of the APS system. The negative class consists of trucks with failures for components not related to the APS. So, I created a model where It can able to detect whether the APS is going to fail or Not.

confusion-matrix f1-score gridsearchcv hyperparameter-optimization knn-classification roc sampling-methods svm-classifier

Last synced: 09 Nov 2024

https://github.com/jesussantana/advanced-machine-learning

Familiarize ourselves with Pipelines, grid search and text mining

gridsearchcv machine-learning pipelines pyforest python sentiment-analysis text-mining

Last synced: 12 Nov 2024

https://github.com/asifdotexe/real-estate-price-prediction

The objective of this project is to apply my knowledge of data science and machine learning to create a house price prediction model in a well documented fashion

gridsearchcv house-price-prediction linear-regression machine-learning-algorithms predictive-modeling

Last synced: 15 Nov 2024

https://github.com/shaadclt/boston-house-price-prediction-lassoregression

This project involves the prediction of house prices in Boston using Lasso Regression in Jupyter Notebook. The dataset contains features such as average number of rooms per dwelling, crime rate, and more. Through this analysis, we aim to build a regression model that accurately predicts house prices based on the given input features.

gridsearchcv lasso-regression

Last synced: 07 Dec 2024

https://github.com/nanith777/diabetes-prediction-id3_alg-ml-models

This project aims to predict diabetes using data mining techniques and various machine learning models. We utilized a diabetes dataset to train and evaluate multiple learning models.

gridsearchcv id3 machine-learning-algorithms python

Last synced: 12 Nov 2024

https://github.com/michellebonat/predict_customer_churn_ml

A case study on predicting customer churn using machine learning.

gridsearchcv machine-learning prediction python xgboost

Last synced: 11 Dec 2024

https://github.com/angelonazzaro/zamatcher

ZaMatcher is the AI module powering OpenMeet's user recommendation system.

ai classification clustering gridsearchcv jupyter-notebook machine-learning open-source

Last synced: 07 Nov 2024

https://github.com/andreeo/model-smoking-dna-methylation

Predicting the influence of smoking on DNA methylation at different CpG islands

csv data-mining gridsearchcv machine-learning metrics model pandas python random-forest-classifier sklearn svc

Last synced: 21 Nov 2024

https://github.com/m-rishab/housing-price-prediction

The Housing Price Prediction Accuracy Improvement project is a data-driven initiative focused on enhancing the precision and reliability of housing price predictions. This project encompasses a multidisciplinary approach, combining data science, machine learning, and real estate insights to optimize the accuracy of forecasts in the housing market.

gridsearchcv hyperparameter-tuning matplotlib matplotlib-pyplot numpy pandas pickle python3 randomforestregressor scipy sklearn

Last synced: 21 Nov 2024

https://github.com/niteshchawla/ola-ensemblelearning

Recruiting and retaining drivers is seen by industry watchers as a tough battle for Ola. Churn among drivers is high and it’s very easy for drivers to stop working for the service on the fly or jump to Uber depending on the rates.

bagging-ensemble confusion-matrix encoding ensemble-learning feature-engineering featureimportance gridsearchcv hyperparameter-tuning machine-learning precision-recall random-forest roc-auc-curve scaling-methods smote-sampling

Last synced: 11 Nov 2024

https://github.com/rakibhhridoy/machinelearning-featureselection

Before training a model or feed a model, first priority is on data,not in model. The more data is preprocessed and engineered the more model will learn. Feature selectio one of the methods processing data before feeding the model. Various feature selection techniques is shown here.

extratreesclassifier feature-selection gridsearchcv lasso-regression logistic-regression machine-learning numpy pandas pca rfe rfecv scikit-learn selectkbest

Last synced: 06 Nov 2024

https://github.com/martinkalema/hyperparameter-tuning-gridsearchcv

Using GridSearchCV to tune hyperparameters for my logistic regression model to better model performance

gridsearchcv logistic-regression machine-learning

Last synced: 12 Nov 2024

https://github.com/varadbhogayata/sentence-classifier

The problem deals with classifying sentences into 5 categories

gridsearchcv preprocessing sentence-classification svm-classifier

Last synced: 06 Nov 2024

https://github.com/rayyan9477/house-price-prediction-model

This project aims to predict house prices using a machine learning model. The project involves data cleaning, feature engineering, model selection, training, and evaluation. The dataset is uploaded by the user, and the model is trained to predict house prices based on various features.

data-science data-visualization gridsearchcv machine-learning machine-learning-algorithms notebook python random-forest

Last synced: 11 Nov 2024

https://github.com/parag000/customer-churn-prediction

An end to end ML solution to predict customer churn, aiding businesses in identifying at-risk customers. This repository features a tuned LightGBM model, custom preprocessing, SMOTE for class balancing, and a user-friendly Streamlit app for predictions, emphasizing model optimization and deployment.

gridsearchcv hyperparameter-tuning lightgbm-classifier pipeline random-forest-classifier smote-sampling streamlit winsorization

Last synced: 20 Nov 2024

https://github.com/ritwika-das-gupta/sports_celebrity_image_classification

In this Python code snippet, we will walk through the process of building a celebrity face recognition system using OpenCV (Open Source Computer Vision Library) and machine learning. The goal of this project is to detect and recognize faces of celebrities in images.

feature-engineering gridsearchcv numpy opencv pandas python svm-classifier tkinter wavelet-transform

Last synced: 24 Nov 2024

https://github.com/mr-chang95/disaster_response_pipeline

Data Science Project for Udacity's Data Scientist Program. Here I created a webapp and ML/NLP pipeline that analyzes message data for disaster response and shows classification results.

data-engineering data-pipeline data-science disaster-response etl-pipeline flask gridsearchcv jupyter-notebook machine-learning natural-language-processing nlp ntlk python python-script sklearn sqlalchemy sqlite udacity-data-science-nanodegree

Last synced: 28 Nov 2024

https://github.com/sevilaymuni/project-no.6-tree-based-models

Random Forest Assisted Suggestions for Salifort Motors Employee Retention: Plan, Analyze, Construct and Execute

data-science decision-trees evaluation-metrics gridsearchcv logistic-regression machine-learning matplotlib python random-forest-classifier scikit-learn seaborn-plots

Last synced: 16 Dec 2024

https://github.com/abhipatel35/svm-hyperparameter-optimization-for-breast-cancer

Utilizing SVM for breast cancer classification, this project compares model performance before and after hyperparameter tuning using GridSearchCV. Evaluation metrics like classification report showcase the effectiveness of the optimized model.

breast-cancer cancer-diagnosis classification data-analysis data-science gridsearchcv healthcare hyperparameter-tuning jupyter-notebook machine-learning medical-imaging pycharm python scikit-learn support-vector-machine svm

Last synced: 19 Dec 2024

https://github.com/farzeennimran/fashion-mnist-dataset-classification-using-neural-network

Implementation of a Multi-layer Perceptron classifier with hyperparameter tuning and k-fold cross-validation employing GridSearchCV for classifying images on the Fashion MNIST dataset 👗👚👖

artificial-intelligence data-analysis data-mining data-science dataset deep-learning fashion-mnist-dataset gridsearchcv hyperparameter-tuning kfold-cross-validation machine-learning multilayer-perceptron-network neural-network numpy pandas python sklearn

Last synced: 07 Nov 2024

https://github.com/juzershakir/predicting_boston_housing_prices

Builded a model to predict the value of a given house in the Boston real estate market using various statistical analysis tools. Identified the best price that a client can sell their house utilizing machine learning.

bias-variance boston-housing-price-prediction data-exploration decision-tree-regression gridsearchcv k-fold machine-learning matplotlib mlfnd model-evaluation model-validation numpy pandas python3 r2-score sklearn supervised-learning udacity-nanodegree

Last synced: 09 Oct 2024

https://github.com/filsan95/project-twitter_bot_detection

Using a synthetic dataset from Kaggle, generated with Python's Faker library to mimic real Twitter data, we train several classical machine learning models (ie. classical classification algorithms, as well as ensemble methods)to identify bots from real users.

data-preprocessing decision-trees ensemble-model feature-engineering gradient-boosting-classifier gridsearchcv logistic-regression random-forest-classifier randomsearchcv

Last synced: 08 Nov 2024

https://github.com/dmarks84/ind_project_obesity-multi-class-classification--kaggle

Independent Project - Kaggle Competition -- I worked on the obesity classification data set as part of a Kaggle Competition of the same name, scoring (for accuracy) above 0.9

classification correlation-analysis cross-validation data-modeling data-visualization dataframes eda gridsearchcv matplotlib multiclass-classification numpy pandas python seaborn sklearn statistics supervised-ml

Last synced: 05 Nov 2024

https://github.com/aakashsyadav1999/hotel-reservations-dataset-mlflow

The online hotel reservation channels have dramatically changed booking possibilities and customers’ behavior. A significant number of hotel reservations are called-off due to cancellations or no-shows. The typical reasons for cancellations include change of plans, scheduling conflicts, etc.

dvc endtoendpipeline gridsearchcv machine-learning mlflow random-forest-classifier

Last synced: 13 Nov 2024

https://github.com/umasivakumar14/real_estate_ml_model

Predicts the price of a home in Bengaluru, Karnataka based on location, urbanization, total square feet, bedrooms, bathrooms, and balconies.

aws flask gridsearchcv http-requests machine-learning machine-learning-algorithms nginx pandas python scikit-learn

Last synced: 21 Dec 2024

https://github.com/bogumilo/house-prices-xgboost

House prices dataset exploration and prediction. Workflow includes useful examples of Tensorflow pipelines including k-Nearest Neighbors imputer, Decision Tree Regression and XGBoost Regression

column-transformer data-pipeline data-transformation decision-tree-regression decision-trees feature-engineering feature-scaling gridsearchcv house-price-prediction house-prices-competition kaggle-competition knnimputer machine-learning ohe python tensorflow tensorflow-tutorial xgboost xgboost-regression

Last synced: 21 Dec 2024

https://github.com/pronzzz/red-wine-quality

Machine Learning model to predict Red Wine Quality using Random Forest Classifier

gridsearchcv hyperparameter-tuning random-forest random-forest-classification random-forest-classifier

Last synced: 06 Nov 2024

https://github.com/vbhatsaccnt/car-price-predictor

This project focuses on predicting the price of old cars using various selling features like Transmission type, fuel type, Owner built on Random Forest Regression model.

data-science gridsearchcv machine-learning random-forest

Last synced: 10 Nov 2024

https://github.com/ksharma67/heart-failure-prediction

This problem is a typical Classification Machine Learning task. Building various classifiers by using the following Machine Learning models: Logistic Regression (LR), Decision Tree (DT), Random Forest (RF), XGBoost (XGB), Light GBM and Support Vector Machines with RBF kernel.

auc-roc-curve auc-roc-score decision-trees eda eli5 gridsearchcv lightgbm lime logistic-regression numpy pandas python random-forest seaborn shap skit-learn sklearn svm xgboost

Last synced: 06 Nov 2024

https://github.com/rahulb813/mvscr

An alternative movie recommendation system for the CineMatchSM with better predictions. Trained with a Kaggle dataset of over 450000+ entries.

gridsearchcv knn python scikit-learn scipy-sparse svd tensorflow xgboost

Last synced: 08 Nov 2024

https://github.com/machine-learning-tools/keras-grid-search-cacheable

Reducción de tiempo de ejecución de los algoritmos de Machine Learning con búsqueda de parámetros en GridSearch.

gridsearch gridsearchcv keras machine-learning sklearn tensorflow2 tools

Last synced: 09 Nov 2024

https://github.com/harmanveer-2546/prediction-of-ticket-cancellation

The objective is to develop a model that accurately predicts whether users will cancel their tickets. Each cancellation incurs a fine for the ticket registration site from the passenger company.

datetime evaluation gridsearchcv labelencoder numpy pandas standardscaler stratified-k-fold train-test-split xgboost-model

Last synced: 12 Nov 2024

https://github.com/harmanveer-2546/diabetes-prediction-using-machine-learning

Diabetes is a medical disorder that affects how the body uses food for energy. When blood sugar levels rise, the pancreas releases insulin. If diabetes is not managed, blood sugar levels can rise, increasing the risk of heart attack and stroke. We used Python machine learning to forecast diabetes.

adaboost decision-trees gradient-boosting-classifier gridsearchcv knn-classification machine-learning numpy os pandas pickle python random-forest seaborn svc-model

Last synced: 12 Nov 2024

https://github.com/hariprasath-v/hackerearth--cipla-data-scientist-hiring-challenge

This machine learning challenge is about predicting the loan sanction amount from the customer's basic account transaction details and requested loan amount.

exploratory-data-analysis gridsearchcv machine-learning matplotlib seaborn xgboost-regression

Last synced: 13 Nov 2024

https://github.com/nouranhaitham/ml_waterquality

A notebook aimed at predicting and improving water safety by analyzing contaminants and pollution levels in water sources, enhancing public health and ensuring access to clean drinking water.

classification-models cleansing-data dataprocessing dataset decision-trees gridsearchcv hyperparameter-tuning logistic-regression machine-learning prediction python randomforestclassifier regression-models water-quality

Last synced: 15 Nov 2024

https://github.com/estelacode/data_science

📈📊 Data Science Notebooks . ▫️ Aplicación de algoritmos de ML para la resolución de problemas de aprendizaje supervisado (Clasificación y Regresión)

bagging boosting confusion-matrix decisiontreeclassifier feature-engineering feature-extraction feature-selection gaussian-naive-bayes gridsearchcv kneighborsregressor lda linear-regression logistic-regression machine-learning mlpregressor pca python roc-curve stackingregressor svm

Last synced: 26 Nov 2024