An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: randomizedsearchcv

somjit101/Facebook-Friend-Recommendation

This is a friend recommendation systems which are used on social media platforms (e.g. Facebook, Instagram, Twitter) to suggest friends/new connections based on common interests, workplace, common friends etc. using Graph Mining techniques. Here, we are given a social graph, i.e. a graph structure where nodes are individuals on social media platforms and a directed edges (or 'links') indicates that one person 'follows' the other, or are 'friends' on social media. Now, the task is to predict newer edges to be offered as 'friend suggestions'.

Language: Jupyter Notebook - Size: 770 KB - Last synced at: 3 days ago - Pushed at: about 1 year ago - Stars: 10 - Forks: 3

Ehsan-Behzadi/Breast-Cancer-Prediction-Model

This project implements a machine learning model to predict breast cancer diagnosis. Utilizing techniques such as data preprocessing, feature selection, and various algorithms, the model aims to assist in early detection and improve healthcare outcomes. Explore the repository to understand the methodology and technologies used in this project.

Language: Jupyter Notebook - Size: 793 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

PacktWorkshops/The-Python-Workshop

A New, Interactive Approach to Learning Python

Language: Jupyter Notebook - Size: 5.04 MB - Last synced at: 20 days ago - Pushed at: over 1 year ago - Stars: 264 - Forks: 355

esvs2202/Concrete-Compressive-Strength-Prediction

The aim of this project is to develop a solution using Data science and machine learning to predict the compressive strength of a concrete with respect to the its age and the quantity of ingredients used.

Language: Jupyter Notebook - Size: 4.54 MB - Last synced at: 18 days ago - Pushed at: almost 2 years ago - Stars: 18 - Forks: 9

franmateus/Risco-de-Credito-Modelos-Ensemble

Modelos de classificação de risco de crédito usando algoritmos de Métodos Ensemble

Language: Jupyter Notebook - Size: 2.84 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

GaneshAhire30/Big_Mart_Sales_Prediction-Project

Big Mart Sales Prediction is a machine learning project that predicts product sales across multiple stores using features like item price, weight, and store type. The model uses regression techniques to help optimize inventory and sales strategies.

Language: Jupyter Notebook - Size: 8.23 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

MohamedLotfy989/Credit-Card-Fraud-Detection

This repository focuses on credit card fraud detection using machine learning models, addressing class imbalance with SMOTE & undersampling, and optimizing performance via Grid Search & RandomizedSearchCV. It explores Logistic Regression, Random Forest, Voting Classifier, and XGBoost. balancing precision-recall trade-offs for fraud detection.

Language: Jupyter Notebook - Size: 3.39 MB - Last synced at: 24 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

FrienDotJava/adult-census-income

A machine learning project classifying whether someone has income >$50K or <$50K using several models.

Language: Jupyter Notebook - Size: 2.19 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

rosasbehoundja/Cryptojacking_Detection

Cryptojacking classification

Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

SamJoeSilvano/Airline_Ticket_Fare_Prediction

Airline Fare Prediction using Machine Learning focuses on developing a Random Forest model to predict flight prices, achieving an R² score of 0.804. The project includes hyperparameter tuning using RandomizedSearchCV, alongside extensive data preprocessing and feature engineering to ensure robust model performance.

Language: Jupyter Notebook - Size: 9.07 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

maheera421/Bulldozer-Price-Prediction-Model

Prediction of the auction prices of bulldozers using historical data.

Language: Jupyter Notebook - Size: 17.6 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

manjugovindarajan/RENEWIND-predictive-maintenance-cost-maintenance-usingML

The aim is to decrease maintenance cost of generators used in wind energy production machinery. This is achieved by building various classification models, accounting for class imbalance, tuning on a user defined cost metric (function of true positives, false positives and false negatives predicted) & productionizing model using pipelines

Language: Jupyter Notebook - Size: 6.62 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Osamaz123/Maintainance-cost-reduction-through-through-predictive-techniques-using-ml

Machine Learning model on highly imbalanced dataset for preventive maintenance by identifying potential failures before they occur, thereby reducing downtime and maintenance costs.

Language: Jupyter Notebook - Size: 4.94 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

nothineazi/Car-Price-Prediction-Model

A machine learning model that predict car prices using Random Forest Regression, and Randomized Search CV.

Language: Jupyter Notebook - Size: 504 KB - Last synced at: 9 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Ehtisham33/Hyperparameters-Tunning-of-Machine-Learning-Models

This project is to classify emails as spam or not spam using various machine learning models. Hyperparameter tuning is performed to optimize model performance.

Language: Jupyter Notebook - Size: 1.63 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

dariak153/Comprasion_of_classifiers

The goal of this project was used advanced preprocessing and feature engineering. Achieved high accuracy with XGBoost and LightGBM. Deployed via a Django web application and visualization was presented using Dash and Plotly.

Language: Python - Size: 770 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

sanhiitaa/fastag-fraud-detection-classification

Fastag Fraud Detection Classification System

Language: Jupyter Notebook - Size: 3.38 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Niru8449/SuccessSage

Developed student performance predicting model, showing strong understanding of predictive modeling techniques.

Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

MohammadShabazuddin/Machine_Learning_for_Face_Identification

Faces recognition project using Support Vector Machines (SVM) and Principal Component Analysis (PCA). It utilizes the Labeled Faces in the Wild (LFW) dataset, employs dimensionality reduction with PCA, and fine‑tunes SVM hyperparameters using RandomizedSearchCV.

Language: Jupyter Notebook - Size: 169 KB - Last synced at: 13 days ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

aashishcoder/Parkinson-Disease-Detection

Parkinson disease detection using KNN Classifier and Random Forest Classifier.

Language: Jupyter Notebook - Size: 119 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

astonglen/AirBnb-Price-Prediction

The ability to predict prices and features affecting the appraisal of property can be a powerful tool in such a cash intensive market for a lessor. Additionally, a predictor that forecasts the number of reviews a specific listing will get may be helpful in examining elements that affect a property's popularity.

Language: Jupyter Notebook - Size: 6.76 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

kgdatatech/climatewins-ml

Exploring the intersection of supervised machine learning algorithms and weather data to drive ClimateWins forward. (CF student project)

Language: Jupyter Notebook - Size: 356 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

ThinamXx/CaliforniaHousing__Prices

I have built a Model using Random Forest Regressor of California Housing Prices Dataset to predict the price of the Houses in California.

Language: HTML - Size: 8.64 MB - Last synced at: 12 months ago - Pushed at: about 4 years ago - Stars: 14 - Forks: 7

SannketNikam/Credit-Risk-Analysis

Credito - Credit Risk Analysis using XGBoost Classifier with RandomizedSearchCV for loan approval decisions.

Language: Jupyter Notebook - Size: 6.47 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 1

DataScienceVishal/Telecom_Churn

Telecom Churn prediction with multiple machine learning models

Language: Jupyter Notebook - Size: 2.59 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

DataScienceVishal/Bank_Customer_Behaviour

Bank Customer Behaviour Prediction

Language: Jupyter Notebook - Size: 355 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Shardy2907/House-Price-Prediction

A Machine Learning Regression Model has been used to predict the prices for houses in Boston.

Language: Jupyter Notebook - Size: 158 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Ashwin0229/Tree-Classifiers

Comparative Analysis of Decision Tree Algorithms in Number Classification: Bagging vs. Random Forest vs. Gradient Boosting Decision Tree Classifiers

Language: Python - Size: 167 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ashishrana1501/Forest-Fire-Prediction

Algerian Forest Fire Prediction

Language: Jupyter Notebook - Size: 4.01 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 2

alavi-sam/salary-prediction

A comprehensive analysis and predictive modeling of the "Salary Data.csv" dataset to forecast salaries. Utilizes advanced machine learning techniques, including pipelines and transformers, for robust and accurate predictions.

Language: Jupyter Notebook - Size: 2.45 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

antbartash/product_failure

Predict product failures

Language: Jupyter Notebook - Size: 9.18 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

abhijha3011/Hyper-Parameter-Optimization-Techniques

Hyper Parameter Techniques

Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

Alli3d/hyperparameter_tuning_iris_dataset 📦

Hyperparameter tuning for iris dataset (GridSearchCV, RandomizedSearchCV)

Language: Python - Size: 1.95 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hugohiraoka/Bank_Customer_Churn_Prediction

Model to predict bank customer churn

Language: HTML - Size: 16.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Tejas-TA/Machine-Learning-Prediction-of-California-House-Prices

The repository contains the California House Prices Prediction Project implemented with Machine Learning. The app was deployed on the Flask server, implemented End-to-End by developing a front end to consume the Machine Learning model, and deployed in Azure, Google Cloud Platform, and Heroku. Refer to README.md for demo and application link

Language: Jupyter Notebook - Size: 20.3 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

GunturWibawa/SweetLiftSalesAnalysis

Sweet Lift Taxi collected airport order data. As a Data Scientist, I developed a model to predict taxi orders for the next hour. The goal is to draw more drivers at peak times, targeting an RMSE under 48 on the test set.

Language: Jupyter Notebook - Size: 3.93 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

felipenufisnor/ML_random_exploration

Machine Learning: Optimization with Random Exploration

Language: Jupyter Notebook - Size: 188 KB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

StartrexII/tuningHyperparameters

study of hyperparameter tuning methods

Language: HTML - Size: 3.62 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

SannketNikam/Student-Placements

Using Logistic Regression with RandomizedSearchCV Hyperparameter Tuning to find out whether a student gets placement or not.

Language: Jupyter Notebook - Size: 310 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

muskan-setiya/solar-energy-efficiency

Language: Jupyter Notebook - Size: 8.16 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

iamkirankumaryadav/Regression

Regression - Bulldozer Sales Price - Kaggle Competition

Language: Jupyter Notebook - Size: 119 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

iamkirankumaryadav/Improvement

Improving a Machine Learning Model

Language: Jupyter Notebook - Size: 229 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

iamkirankumaryadav/Classification

Classification Model (End to End Classification of Heart Disease - UCI Data Set)

Language: Jupyter Notebook - Size: 2.89 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

aaolcay/Randomized-Search-CV

This repository includes the implementation of RandomizedSearchCV (with cross-validation) for hyperparameter fine-tuning in Convolutional Neural Networks

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

rukshar69/Flight-Price-Prediction

Predict Prices for Indian Flights

Language: Jupyter Notebook - Size: 39.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Mahesh3394/Understanding-of-Hyperparameter-Tuning

Hyperparameter tuning is the process of finding the optimal hyperparameters for a machine learning model. Hyperparameters are values that are set prior to training a model and affect its performance, but cannot be learned from the data. Some common examples of hyperparameters include the learning rate, regularization strength.

Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ohmthanap/Churn-Predictions-Telecom-Customer

Developed a churn prediction classification model using various techniques including: EDA, Decision trees, Naive Bayes, AdaBoost, MLP, Bagging, RF, KNN, logistic regression, SVM, Hyperparameter tuning using Grid Search CV and Randomized Search CV.

Language: Jupyter Notebook - Size: 28.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

AsimChakraborty/Flight_price_predict

Flight Price Predictor is a service that helps you forecast the price of a flight ticket .The goal of this project, first apply the machine learning models then predict to flight price.

Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

fortune-uwha/loan-default-prediction

Develop a predictive model that determines the likelihood of a customer defaulting loan payment

Language: Jupyter Notebook - Size: 315 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

rochitasundar/Predictive-maintenance-cost-minimization-using-ML-ReneWind

The aim to decrease the maintenance cost of generators used in wind energy production machinery. This is achieved by building various classification models, accounting for class imbalance, and tuning on a user defined cost metric (function of true positives, false positives and false negatives predicted) & productionising the model using pipelines.

Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

MvMukesh/EmployesEarning-DeepAnalysis_Prediction

What important conclusion a company and an employee can take out of Analysis and Predicting Salary

Language: HTML - Size: 3.81 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Simon-157/AI-final-project

A comprehensive data science project for analysing eCormmerce and online shops data for possibility to enegage customer retention to increase purchases. Trained and comprehensively evaluated machine learning models using different algorithms and tuning procedures.

Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

SebaPansecchi/DataScience-Aprobacion-Tarjetas-de-Credito

Proyecto final del curso de DataScience en CoderHouse que intenta ayudar a una entidad bancaria a la hora de decidir si emite una tarjeta de crédito al solicitante

Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Krystkowiakk/Heart-Disease-Patients-Classification

Metis project 4/7

Language: Jupyter Notebook - Size: 9.18 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

CEPHAL0/credit-card-fraud-detection

Machine learning model using sklearn on pandas dataframe

Language: Jupyter Notebook - Size: 828 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Akash1070/Deploying-Machine-Learning-Models-via-Microsoft-Azure

Deploying Flight Price Prediction via Microsoft Azure

Language: HTML - Size: 400 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Akash1070/Flight-Price-Predicting---Heroku

Flight Price Prediction Model Deployment IN Heroku

Language: Jupyter Notebook - Size: 1.31 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

amit-timalsina/California-Housing-Price-Prediction

I have built a Model using the Random Forest Regressor of California Housing Prices Dataset to predict the price of the Houses in California.

Language: Jupyter Notebook - Size: 1.77 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

HermawanHermawan/predict-sales

Predicting the Sale Price of Bulldozers using Machine Learning

Language: Jupyter Notebook - Size: 311 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

mauryashobhit/heart_disease

classifying a patient has a heart disease or not

Language: Jupyter Notebook - Size: 1.25 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

mauryashobhit/flight_price_prediction

determining flight prices based on different parameters

Language: Jupyter Notebook - Size: 935 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

mauryashobhit/walmart-sales-forecasting

factors affecting the sales of the walmart store

Size: 3.95 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

vedanty3/bulldozer-price-prediction

A machine learning project aiming to build a machine learning model which could predict the sales price of bulldozer.

Language: Jupyter Notebook - Size: 60.3 MB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Ayda-Darvishan/Tuning-ML-Classifiers

The project includes building seven different machine learning classifiers (including Linear Regression, Decision Tree, Bagging, Random Forest, Gradient Boost, AdaBoost, and XGBoost) using Original, OverSampled, and Undersampled data of ReneWind case study, tuning hyperparameters of the models, performance comparisons, and pipeline development for productionizing the final model.

Language: HTML - Size: 33.1 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

jayantkp/Used-Car-Price-Prediction-using-RandomizedSearchCV

Building a Random Forest model to forecast the prices of used cars based on it's present and past characteristics.

Language: Jupyter Notebook - Size: 511 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

fahimabrar/Hyperparameter_Tuning

Hyperparameter tuning using gridsearchCV and randomizedsearchCV

Language: Jupyter Notebook - Size: 112 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rohitspingulkar/Car-Price-Detection-System

Buliding a ML model for predicting the selling price of a car

Language: Jupyter Notebook - Size: 972 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

jesussantana/Supervised-Regression

Practice and become familiar with regressions

Language: Jupyter Notebook - Size: 62.9 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

soumya-mishra/Telecom-Churn--Case-Study

Telecom Churn Case Study

Language: Jupyter Notebook - Size: 22.5 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

zoom2manoj/all_hyperparameter_optimization

Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

Related Keywords
randomizedsearchcv 70 gridsearchcv 25 machine-learning 20 logistic-regression 16 random-forest 16 hyperparameter-tuning 16 python 15 pandas 13 random-forest-classifier 11 numpy 11 matplotlib 10 seaborn 10 scikit-learn 9 cross-validation 8 xgboost 8 decision-trees 7 hyperparameter-optimization 7 data-science 7 sklearn 7 flask 6 exploratory-data-analysis 6 jupyter-notebook 6 random-forest-regression 6 randomforestregressor 6 python3 6 data-visualization 6 linear-regression 5 xgboost-regression 5 adaboost 5 pipeline 5 decision-tree-classifier 5 xgboost-classifier 5 machine-learning-algorithms 4 plotly 4 knn-classification 4 regression-models 4 randomforestclassifier 4 feature-engineering 4 eda 4 lasso-regression 4 feature-selection 3 matplotlib-pyplot 3 bayesian-optimization 3 classification 3 gradient-boosting 3 optuna 3 gradient-boosting-classifier 3 sklearn-metrics 3 undersampling 3 regression 3 mean-squared-log-error 2 random-forest-regressor 2 mean-absolute-error 2 classification-algorithims 2 hyperopt 2 catboost 2 lightgbm 2 svm 2 confusion-matrix 2 xgboost-algorithm 2 voting-classifier 2 neural-networks 2 smote 2 azure 2 deep-learning 2 kneighborsregressor 2 decision-tree-regression 2 support-vector-machines 2 columntransformer 2 roc-curve 2 recall 2 stochastic-gradient-descent 2 kneighborsclassifier 2 prediction-model 2 train-validation-test 2 convolutional-neural-networks 2 knn 2 smote-sampling 2 gradient-descent 2 f1-score 2 pca 2 random-under-sampling 2 xgboost-model 2 ridge-regression 2 catboost-classifier 2 data-preprocessing 2 statsmodels 2 flight-price-prediction 2 extra-tree-regressor 2 catboost-model 2 anaconda 2 heroku-deployment 2 k-nearest-neighbours 2 boosting-ensemble 2 bagging-ensemble 2 imbalanced-data 2 regressions 1 root-mean-squared-error-metric 1 accuracy-score 1 neural-network 1