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

GitHub topics: grid-search

Szymon-Czuszek/Machine-Learning-Algorithms

In this repository, I will share the materials related to machine learning algorithms, as I enrich my knowledge in this field.

Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

cstsunfu/dlk

A PyTorch Based Deep Learning Quick Develop Framework. One-Stop for train/predict/server/demo

Language: Python - Size: 9.42 MB - Last synced at: 7 days ago - Pushed at: 5 months ago - Stars: 24 - Forks: 0

enricoschumann/NMOF

Functions, examples and data from the first and the second edition of "Numerical Methods and Optimization in Finance" by M. Gilli, D. Maringer and E. Schumann (2019, ISBN:978-0128150658). This repository mirrors https://gitlab.com/NMOF/NMOF .

Language: R - Size: 4.07 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 37 - Forks: 6

oriolventur/assignment-3-cross-validation

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

gchochla/gridparse

An ArgumentParser that supports your grid-search needs with no learning curve.

Language: Python - Size: 66.4 KB - Last synced at: 5 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 1

dezoito/ollama-grid-search

A multi-platform desktop application to evaluate and compare LLM models, written in Rust and React.

Language: TypeScript - Size: 6.03 MB - Last synced at: 27 days ago - Pushed at: 2 months ago - Stars: 740 - Forks: 44

LiYangHart/Hyperparameter-Optimization-of-Machine-Learning-Algorithms

Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)

Language: Jupyter Notebook - Size: 235 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 1,293 - Forks: 304

Wb-az/MLib-PySpark-SoundLevel-Prediction

Creates a ML Pipeline leveraging PySpark SQL and PySpark MLib to predict sound level

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

williamFalcon/test-tube

Python library to easily log experiments and parallelize hyperparameter search for neural networks

Language: JavaScript - Size: 1.45 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 735 - Forks: 73

gmontamat/gentun

Hyperparameter tuning for machine learning models using a distributed genetic algorithm

Language: Python - Size: 622 KB - Last synced at: 5 days ago - Pushed at: 9 months ago - Stars: 89 - Forks: 19

DuaA-A/drone-delivery-pathfinding

Optimal Delivery Coverage via Uninformed/Informed Search in Grid Environments

Language: Prolog - Size: 18.6 KB - Last synced at: about 3 hours ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

somjit101/Human-Activity-Recognition

This project is to build a model that predicts the human activities such as Walking, Walking Upstairs, Walking Downstairs, Sitting, Standing or Laying using readings from the sensors on a smartphone carried by the user.

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

franneck94/TensorCross

Cross Validation, Grid Search and Random Search for TensorFlow 2 Datasets

Language: Python - Size: 734 KB - Last synced at: 20 days ago - Pushed at: about 1 year ago - Stars: 14 - Forks: 2

deliprofesor/Ridge-Regression-for-Sales-Prediction-Model-Evaluation-and-Hyperparameter-Tuning

This project builds and optimizes a model on a dataset using Ridge regression and polynomial features. Model accuracy is enhanced through regularization and polynomial transformations. Grid search and cross-validation are used to find the best parameters, and the model's performance is evaluated.

Language: Python - Size: 125 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

databricks/spark-sklearn 📦

(Deprecated) Scikit-learn integration package for Apache Spark

Language: Python - Size: 782 KB - Last synced at: 4 days ago - Pushed at: over 5 years ago - Stars: 1,079 - Forks: 228

resulcay/staggered_grid_view_example

This is a well documented staggered grid view package example app.

Language: Dart - Size: 11.7 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

SaeidRostami/Customer_Churn

Customer churn analysis for a telecommunication company

Language: Jupyter Notebook - Size: 2.24 MB - Last synced at: 7 days ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 4

AGH-studies-projects/P2P-network-design-patterns

Language: Python - Size: 446 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Juninxz13/grpo-optuna

Optimizing Causal LMs through GRPO with weighted reward functions and automated hyperparameter tuning using Optuna

Size: 1.95 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

srhn45/iterative-hyperparameter-search

Basic iterative hyperparameter search algorithm for custom models and training loops.

Language: Python - Size: 7.81 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

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.

Language: Jupyter Notebook - Size: 9.3 MB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 3

jia-zhuang/xgboost-lightgbm-hyperparameter-tuning

Bayesian Optimization and Grid Search for xgboost/lightgbm

Language: Python - Size: 5.86 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 66 - Forks: 15

sushant1827/Human-Activity-Recognition-with-Smartphones

Kaggle Machine Learning Competition Project : To classify activities into one of the six activities performed by individuals by reading the inertial sensors data collected using Smartphone.

Language: Jupyter Notebook - Size: 46.4 MB - Last synced at: 18 days ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 3

sushant1827/ARIMA-for-Industrial-Production

Explains how to use ARIMA model to forecast future production units, enabling informed decision-making and planning in the electric and gas utilities sector.

Language: Jupyter Notebook - Size: 383 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

adityarohatgi11/Numerical_Optimization

Implementations of Grid Search and Newton-Raphson methods for numerical optimization. It includes Python scripts to compare their performance in maximizing mathematical functions

Language: Python - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

hyeonsangjeon/Hyperparameters-Optimization

Hyperparameters-Optimization

Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 3

umnil/preprocessing-pipeline

Time-series preprocessing pipeline

Language: Python - Size: 1.11 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 1

TRAORE-07/Hyperparameter-Tuning-Methods

Random Search, Grid Search and Bayesian Search

Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: 13 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Zen204/-my-ecornell-portfolio

Includes all of my Jupyter Notebook assignments from my time at MIT's Break Through AI/ML Program.

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

deliprofesor/Game-Search-Volume-Prediction-Machine-Learning-Models-and-Forecasting

This repository uses machine learning models like Random Forest, XGBoost, LightGBM, and time-series forecasting with Prophet to predict game search volumes. Additionally, Grid Search is applied for hyperparameter tuning of the LightGBM model.

Language: Python - Size: 1.09 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Scaramir/orgaSeg

Pipeline meant to segment and classify organoids, or any other blob-like structures (star-convex polygons). Microscopy images can be easily annotated in QuPath and automatically processed afterwards to count the class distribution within each image using this pipeline (TIF files will be converted to grayscale)

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

Winterwind/Classification_Regression_and_Cross-Validation

A three-part project that does as the title suggests with different machine learning models

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

sunsided/box-search-strategy

A simulation of a seemingly paradoxical outcome of different search orders on a grid.

Language: Rust - Size: 13.7 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

JuliaAI/MLJTuning.jl

Hyperparameter optimization algorithms for use in the MLJ machine learning framework

Language: Julia - Size: 640 KB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 66 - Forks: 12

LAHI-RU/Breast_Cancer_Prediction

Breast Cancer Prediction Model using Logistic Regression with Scikit-Learn, featuring data preprocessing and evaluation.

Language: Python - Size: 122 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

ShakeefAhmedRakin/LungCancerPrediction

Lung Cancer Prediction achieved using sklearn for the CSE422 course at BRAC University,

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

Ash0508/Amazon_ML_Summer_School_Loan-Prediction

I have experience in Supervised, Reinforcement, and Unsupervised Learning, with a focus on a loan prediction project using a Kaggle dataset. I trained and tested the model, achieving high accuracy through Python programming with Pandas, NumPy, and Matplotlib for data analysis and visualization. My primary development environment is Jupyter Notebook

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

dmarks84/Ind_Project_California-Housing-Data--Kaggle

Independent Project - Kaggle Dataset-- I worked on the California Housing dataset, performing data cleaning and preparation; exploratory data analysis; feature engineering; regression model buildings; model evaluation.

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

devssh/svm

Learn to use Support Vector Machines in Python(sklearn) and R

Language: Jupyter Notebook - Size: 30.6 MB - Last synced at: 3 months ago - Pushed at: almost 8 years ago - Stars: 11 - Forks: 25

varmatilak22/Spam_SMS_Classification

This project aims to develop a machine learning model to classify SMS messages as spam or not spam. The project encompasses the entire pipeline from data collection and preprocessing to model training, evaluation, and deployment using Streamlit for an interactive user interface.

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

ac615223s5/maze-simulator

simulates search algorithms on grids

Language: JavaScript - Size: 1.11 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 1

shibasishb2/Feature-Engineering-Model-Tuning

The project was accomplished by employing supervised learning, ensemble modeling, and unsupervised learning techniques to build and train a prediction model to identify Pass/Fail yield of a particular process entity for a semiconductor manufacturing company.

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

a13xe/SpotifySongsTraining

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

QUEST-UWMadison/OSCAR

OSCAR: configure and debug variational quantum algorithms efficiently

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

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.

Language: Jupyter Notebook - Size: 998 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 2

Harshal2675/Abnormal-Driving-Behavior

A Machine Learning project on Identifying Abnormal driving behavior using Spatio-Temporal analysis

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

tpf-concurrent-benchmarks/grid_search_elixir

Language: Elixir - Size: 839 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Grogenski/DLgrid_search_timeseriesforecasting

Projeto para previsão de séries temporais utilizando modelos de machine learning. O projeto implementa um grid search para otimização de hiperparâmetros e possibilita a utilização de três arquiteturas de rede neural: MLP, LSTM e BiLSTM. Os dados utilizados são referentes aos preços de commodities agrícolas, obtidos de fontes públicas.

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

tharunShiv/credit-risk-prediction-ML

Using a credit-risk data-set to predict whether a person would repay a loan based on his anonymous account features.

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

Chandrahasd/exp_manager

A simple python interface for running multiple parallel instances of a python program (e.g. gridsearch).

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

RiccardoLionetto/aerial-robotics Fork of lis-epfl/micro-502

Drone control algorithm: A* obstacle avoidance, grid search and image recognition (OpenCV)

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

PurpleDragonFlower/NYC-College-Taxi

Machine Learning Project using NYC Yellow Taxi Cab Dataset

Language: R - Size: 89.6 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

Ohara124c41/MLND-Predicting_Boston_Housing_Pricing

Built 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.

Language: HTML - Size: 820 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 2

Duccioo/Handwritten-Char-Recognition

Grid Search for MNIST handwritten char recognition

Language: Python - Size: 12.1 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

triantafd/Fuzzy_Systems_Classification_Regression

Fuzzy Systems Assignments (Classification and Regression) - TSK

Language: MATLAB - Size: 10.3 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

kisimoff/Lunar_Lander

Java, R, OpenRefine | An evolutionary algorithm for a lunar lander using random and grid search for parameter tuning in combination with R for analyzing the results and relationships.

Language: Java - Size: 18.9 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

sorodocosmin/feedbackHHC

This project focuses on analyzing patient feedback regarding the treatment provided by home healthcare service agencies.

Language: Python - Size: 5.52 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

triepels/CrossValidation.jl

Cross-validation in Julia

Language: Julia - Size: 201 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

Arjun-Mota/credit-card-approval-prediction

Predict credit card approval status based on past customer details such as `Gender`, `Age`, `Debt`, `Married`, `BankCustomer`, `EducationLevel` etc.

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

jasper7zlh/Titanic-Survival-Exploration-with-DT

Titanic Survival Exploration with Decision Tree

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

jasper7zlh/Grid-Search-Lab

Tune Hyperparameters of Decision Tree with Grid Search

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

jasper7zlh/Boston-Housing

Model Evaluation and Validation

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

BiGHeaDMaX/Predire-Consommation-et-Emissions-de-Batiments

Comparaison de différentes approches d'apprentissage supervisé pour la prédiction de la consommation d'énergie et des émissions de CO2 de bâtiments de la ville de Seattle.

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

dmarks84/Coursework_Project_ML-Classifier-Eval-Selection

Project for University of Michigan Applied Data Science Specialization -- Predicted viewer engagement based on features related to video metrics; evaluated a large set of classifiers under different scoring metrics to select the "optimal" one.

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

dmarks84/Coursework_Project_Network-Analysis-Node-Link-Prediction

Project for University of Michigan Applied Data Science Specialization -- Analyzed network nodes and edges, developing custom features based on various scoring metrics; used features to train classifier model to predict node attribute (employee salary type) and future edges (employee connections)

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

nas5w/grid-search

A small, simple node module that can be used to generate an array of parameters to use during a machine learning grid search

Language: JavaScript - Size: 61.5 KB - Last synced at: 4 days ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

ApollyCh/Pokemons-classification

The university assignment that implements models to predict weather Pokémon is legendary or not.

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

imehrdadmahdavi/grid-search

Using Grid Search to improve Machine Learning models

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 1

imehrdadmahdavi/predicting-housing-prices

A predictive machine learning model to guess housing prices using decision tree regression with %90+ accuracy

Language: Jupyter Notebook - Size: 171 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

dmarks84/Ind_Project_Data-Science-London-Scikit-learn--Kaggle

Independent Project - Kaggle Competition -- I worked on the Data Science London data set for the Data Science London + Scikit-learn competition.

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

WLOGSolutions/telco-customer-churn-in-r-and-h2o

Showcase for using H2O and R for churn prediction (inspired by ZhouFang928 examples)

Language: R - Size: 483 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 58 - Forks: 60

iamjr15/Bank-Loan-Approval-Prediction

Models bank loan applications to classify and predict approval decisions using customer demographic, financial, and loan data. Applies machine learning algorithms like logistic regression and random forest for enhanced automation.

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

lisstasy/sleep_disorder_prediction

The analysis and classification of sleep, cardiovascular metrics, and lifestyle factors, for close to 400 fictive persons aiming to identify whether a potential client is likely to have a sleep disorder.

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

ismailertuglu14/spam-detection

Spam detection using with LogisticRegression and GridSearch

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

Aysenuryilmazz/TelecomCustomersChurnPrediction

churn prediction for telecom company

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

saikrishnabudi/K-Nearest-Neighbour-KNN

Prepare a model for glass classification using KNN and Implement a KNN model to classify the animals in to categories.

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

letdatado/Machine-Learning

This repository contains my work on Machine Learning with Python using scikit-learn library

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

eHarmony/spotz

Spark Parameter Optimization and Tuning

Language: Scala - Size: 227 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 31 - Forks: 8

anshul1004/MachineLearningClassificationModels

Implementation of various machine learning models in scikit-learn

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

Banyc/param-opt

Parameter optimization

Language: Rust - Size: 16.6 KB - Last synced at: 27 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MohammadYasinKarbasian/Data-Mining-Homeworks

This repository contains my solutions and implementations for assignments assigned during the Data Mining course.

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

ChNabil/BKT_python_gridsearch

Implements a grid-search method to find BKT parameters using a shared c library in Python. The shared c library implements the grid search to speed up the nested for loops. Functions to estimate BKT parameters, predictions, collapsed & non-collapsed rmse, auc_roc, accuracy and implement student-stratified k-fold cross-validation.

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

nazgol-nikravesh/DEPTs

DEPTs: Parameter tuning for software fault prediction with different variants of differential evolution *** Parameter tuners for software analytics problems ***

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

MarcVana/Support-Vector-Machines

Simple project with SVM based on the Iris dataset (included with sklearn). Also performing a Grid Search for best model. Final f1-score: 0.98.

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

rafaeltauran/accent-recognition

Finding linear seperability on a dataset of accents.

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

davidenunes/exp

python experiment management toolset

Language: Python - Size: 304 KB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 15 - Forks: 1

osofr/stremr

Streamlined Estimation for Static, Dynamic and Stochastic Treatment Regimes in Longitudinal Data

Language: R - Size: 4.97 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 34 - Forks: 8

Architectshwet/Loan-prediction-using-Machine-Learning-and-Python

To design a predictive model using xgboost and voting ensembling techniques and extract insights from the data using pandas, seaborn and matplotlib

Language: Jupyter Notebook - Size: 346 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 29 - Forks: 58

bhargitay/telco_customer_churn

Telecom customer churn example with h2o

Language: Jupyter Notebook - Size: 2.3 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

bhargitay/telco_churn

Telecom customer churn example with h2o

Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Anantha-Padmanaban/Smart-Waste-Management-System

In this project, I used various Machine learning Alogithm(K Nearest Neighbors, Support Vector Machine, Logistic Regression, Decision Tree, Multi Layer Perceptron Neural Network, Random Forest) to implement Smart waste management system

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

MarcLinderGit/raisins

In this project, I aim to predict raisin variety using machine learning. The dataset includes raisin features and two classes: 'Kecimen' and 'Besni.' We employ Decision Tree and Logistic Regression models, optimizing them with Grid Search and Randomized Search for improved performance.

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

buomsoo-kim/Machine-learning-toolkits-with-python

Machine learning toolkits with Python

Language: Jupyter Notebook - Size: 8.57 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 33 - Forks: 12

KhaledTofailieh/Reactions-Regression

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

lapis42/glm

Poisson GLM for neural data analysis

Language: MATLAB - Size: 3.77 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

ncperdomo/GNSS_Elastic_Dislocation_MCMC

Metropolis MCMC algorithm to estimate fault kinematic parameters in the elastic half-space dislocation model by Savage and Burford (1973)

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

pagoma3/Pipeline-gridsearch-NLP

Sprint 16, Task 1

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

ananthrn/Scout

An intelligent grid-traversal agent

Language: Java - Size: 58.6 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Jigisha-p/Twitter-Hate-Speech

A model to identify hate speech (racist or sexist tweets) on Twitter

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

SynapticSage/GridSearch

Turn any script into a grid search

Language: MATLAB - Size: 10.7 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Related Keywords
grid-search 174 machine-learning 64 python 39 cross-validation 29 classification 26 random-forest 25 scikit-learn 22 hyperparameter-tuning 20 logistic-regression 18 hyperparameter-optimization 16 pandas 16 random-search 16 matplotlib 15 deep-learning 14 data-science 13 xgboost 12 optimization 11 decision-tree 11 machine-learning-algorithms 11 sklearn 10 numpy 10 grid-search-hyperparameters 10 seaborn 9 keras 9 random-forest-classifier 9 python3 8 jupyter-notebook 8 tensorflow 8 svm 8 eda 8 gridsearchcv 8 data-visualization 8 regularization 8 artificial-intelligence 7 regression 7 linear-regression 7 parameter-tuning 7 neural-networks 6 supervised-learning 6 feature-engineering 6 support-vector-machine 6 genetic-algorithm 6 ridge-regression 6 decision-tree-classifier 5 pipeline 5 decision-trees 5 svm-classifier 5 statistics 5 feature-extraction 5 support-vector-machines 5 neural-network 5 pca 4 particle-swarm-optimization 4 data-reporting 4 bayesian-optimization 4 hyperparameters 4 knn 4 hyperparameter 4 r 4 supervised-ml 4 exploratory-data-analysis 4 lasso-regression 4 ai 4 k-nearest-neighbours 4 feature-selection 4 polynomial-regression 3 differential-evolution 3 hyperparameter-search 3 data-preprocessing 3 gradient-boosting 3 support-vector-classifier 3 pandas-dataframe 3 t-sne 3 visualization 3 sql 3 time-series-analysis 3 grid 3 glm 3 tuning-parameters 3 ensemble-learning 3 natural-language-processing 3 voting-classifier 3 data-modeling 3 metrics 3 gridsearch 3 clustering 3 knn-classification 3 predictive-modeling 3 h2o 3 mnist 3 reinforcement-learning 3 sentiment-analysis 2 keras-tensorflow 2 dataframe 2 ensemble 2 knn-model 2 xgboost-model 2 binary-classification 2 lightgbm 2 random-forest-regression 2