grid-search-hyperparameters
There are 54 repositories under grid-search-hyperparameters topic.
AliAmini93/Fault-Detection-in-DC-microgrids
Using DIgSILENT, a smart-grid case study was designed for data collection, followed by feature extraction using FFT and DWT. Post-extraction, feature selection. CNN-based and extensive machine learning techniques were then applied for fault detection.
uzunb/house-prices-prediction-LGBM
This repo has been developed for the Istanbul Data Science Bootcamp, organized in cooperation with İBB and Kodluyoruz. Prediction for house prices was developed using the Kaggle House Prices - Advanced Regression Techniques competition dataset.
sanjeevai/disaster-response-pipeline
ETL pipeline combined with supervised learning and grid search to classify text messages sent during a disaster event
ShagunSharma98/Global-Structural-Earthquake-Damage-Prediction
Using deep learning techniques like 1D and 2D CNNs, LSTM to detect damage in a structure with hinges/joints after an earthquake.
bhattbhavesh91/decision_tree_grid_search
Implementation of Grid Search to find better hyper-parameters for decision tree to reduce the over fitting.
sandipanpaul21/Tree-Based-Models-in-Python
Tree based algorithm in machine learning including both theory and codes. Topics including from decision tree regression and classification to random forest tree and classification. Grid Search is also included.
asaficontact/project_floodlight
Crisis incidents caused by rebel groups create a negative influence on the political and economic situation of a country. However, information about rebel group activities has always been limited. Sometimes these groups do not take responsibility for their actions, sometimes they falsely claim responsibility for other rebel group’s actions. This has made identifying the rebel group responsible for a crisis incident a significant challenge. Project Floodlight aims to utilize different machine learning techniques to understand and analyze activity patterns of 17 major rebel groups in Asia (including Taliban, Islamic State, and Al Qaeda). It uses classification algorithms such as Random Forest and XGBoost to predict the rebel group responsible for organizing a crisis event based on 14 different characteristics including number of fatalities, location, event type, and actor influenced. The dataset used comes from the Armed Conflict Location & Event Data Project (ACLED) which is a disaggregated data collection, analysis and crisis mapping project. The dataset contains information on more than 78000 incidents caused by rebel groups that took place in Asia from 2017 to 2019. Roughly 48000 of these observations were randomly selected and used to develop and train the model. The final model had an accuracy score of 84% and an F1 Score of 82% on testing dataset of about 30000 new observations that the algorithm had never seen. The project was programmed using Object Oriented Programming in Python in order to make it scalable. Project Floodlight can be further expended to understand other crisis events in Asia and Africa such as protests, riots, or violence against women.
SadmanSakib93/ANN-Stratified-K-Fold-Cross-Validation-Keras-Tensorflow
This repo contains examples of binary classification with ANN and hyper-parameter tuning with grid search.
rochitasundar/Customer-profiling-using-ML-EasyVisa
The aim is to find an optimal ML model (Decision Tree, Random Forest, Bagging or Boosting Classifiers with Hyper-parameter Tuning) to predict visa statuses for work visa applicants to US. This will help decrease the time spent processing applications (currently increasing at a rate of >9% annually) while formulating suitable profile of candidates more likely to have the visa certified.
aanchal1308/disease-diagnosis-ML
Machine learning models for detection of diseases.
eakgun/ISO_OLS_RBF
Generalized Improved Second Order RBF Neural Network with Center Selection using OLS
SwamiKannan/Post-Graduate-Program-AI-ML
Programming assignments completed in the PG Program for AI ML
JeremieGince/AutoMLpy
This package is an automatic machine learning module whose function is to optimize the hyper-parameters of an automatic learning model.
danielxu04/credit-card-approvals
A logistic regression model that predicts whether or not a credit card application will get approved using SciKit.
sorna-fast/car-price-prediction-regression
Car price forecasting with one-variable, two-variable, three-variable, lasso, ridge, and elastic regression models
srinithya-halaharvi/Analyzing_Predicting_Election_Outcomes_Indian_Politics
A study to analyze and predict Election Outcome in Indian Politics using multiple machine-learning algorithms Decision Trees, Random Forests, SVM, and XGBoost with hyper parameters tuning (Grid search).
yjeong5126/housing_prices
Analysis and prediction for the housing market prices using Cross Validation and Grid Search in several regression models
AmirHHasani/Auto-tuning-of-Classic-Machine-Learning-Models-Hyperparameters-Using-Scikit-Learn
Using Scikit-Learn to optimize some of the hyperparameters of Classic ML Models
angeloruggieridj/MLPClassifier-with-GridSearchCV-Iris
Experimental using on Iris dataset of MultiLayerPerceptron (MLP) tested with GridSearch on parameter space and Cross Validation for testing results.
anshul1004/MachineLearningClassificationModels
Implementation of various machine learning models in scikit-learn
GabbyOlivares/Machine-Learning-Challenge
16. Exoplanet Exploration - Machine Learning Challenge
glubbdubdrib/lazygrid
Automatic, efficient and flexible implementation of complex machine learning pipeline generation and cross-validation.
imehrdadmahdavi/grid-search
Using Grid Search to improve Machine Learning models
joeanton719/useful_codes
codes related to hyperparameter tuning and some classes, functions, etc. I have created to optmize classification problems (Continuously being updated ).
mafda/disaster_response_pipeline
This project involves developing an ETL pipeline integrated with supervised learning and grid search to classify text messages sent during disaster events. It includes an ML pipeline and a web app designed to categorize disaster response messages in real time using NLP techniques
marinafajardo/prevendo-customer-churn
Prevendo Customer Churn em Operadoras de Telecom
Mcamin/Disaster-Response-Pipeline
ETL Pipeline / ML Pipeline of Disaster Data provided by figure8
mnochtioui/House-Prices---Advanced-Regression-Techniques
Detailed walkthrough of a data science project for the Kaggle House Prices challenge, covering data cleaning, EDA, feature engineering, and regression modeling.
rochitasundar/Classification-booking-cancelation-prediction-StarHotels
The aim is to develop an ML- based predictive classification model (logistic regression & decision trees) to predict which hotel booking is likely to be canceled. This is done by analysing different attributes of customer's booking details. Being able to predict accurately in advance if a booking is likely to be canceled will help formulate profitable policies for cancelations & refunds.
sa5r/Hotel-Guest-Prediction
Hotel booking cancellation prediction model
vaitybharati/Forecasting_Model_Arima
Persistence/ Base model, ARIMA Hyperparameters, Grid search for p,d,q values, Build Model based on the optimized values, Combine train and test data and build final model
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.
Rizasaurus/Car-price-prediction-exercise-with-regression-model
Car price forecasting with one-variable, two-variable, three-variable, lasso, ridge, and elastic regression models
alejimgon/Housing-Prices-Kaggle-Competition-Model
This repository contains my current model for the Housing Prices Kaggle competition.
javiermerinom/gene_expression_breast_cancer-classification-analysis
This project explores breast cancer classification and survival analysis using RNA-seq data from The Cancer Genome Atlas (TCGA-BRCA). The workflow includes differential expression analysis (DEA), dimensionality reduction, and machine learning models for tumor vs. normal classification, cancer stage prediction, and patient survival analysis.
Steffin12-git/Decision-Tree-Hr-analystics
This notebook demonstrates an end-to-end, reproducible ML workflow with business-oriented communication: clear EDA, rigorous CV & hyperparameter tuning, interpretable feature importances, visual diagnostics, and an exported pipeline ready for production validation.