GitHub topics: model-comparison
jordandeklerk/pyloo
Python package for approximate leave-one-out cross-validation (LOO-CV) and Pareto smoothed importance sampling (PSIS) for Bayesian Modeling
Language: Python - Size: 4.39 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 1

bayesflow-org/bayesflow
A Python library for amortized Bayesian workflows using generative neural networks.
Language: Python - Size: 480 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 456 - Forks: 63

RenatoMaynard/Supervised-Machine-Learning-Models-Pytorch-Sklearn
This repository provides a comprehensive implementation of supervised machine learning models using PyTorch and Scikit-learn. It includes end-to-end workflows for both classification and regression tasks, covering data preprocessing, model training, evaluation, and comparison between traditional ML models
Size: 1.95 KB - Last synced at: 5 days ago - Pushed at: 24 days ago - Stars: 5 - Forks: 0

Joshuaalbert/jaxns
Probabilistic Programming and Nested sampling in JAX
Language: Python - Size: 51.3 MB - Last synced at: 16 days ago - Pushed at: 5 months ago - Stars: 173 - Forks: 12

AAnzel/Polar-Diagrams-Dashboard
"A Multi-Technique Strategy for Improving Summary Polar Diagrams" by Aleksandar Anžel, Zewen Yang, and Georges Hattab
Language: Jupyter Notebook - Size: 6.85 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

nadhif-royal/ModelComparisonML
In this project, I compare several commonly used machine learning models, namely K-Nearest Neighbors (KNN), Kernel SVM, Logistic Regression, Naive Bayes, SVM, Decision Tree, and Random Forest. I evaluate and compare the performance and accuracy of these models using a breast cancer dataset, and get the confusion matrix and accuracy score.
Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

stan-dev/loo
loo R package for approximate leave-one-out cross-validation (LOO-CV) and Pareto smoothed importance sampling (PSIS)
Language: R - Size: 111 MB - Last synced at: 6 days ago - Pushed at: 22 days ago - Stars: 153 - Forks: 34

vsquicciarini/madys
MADYS: isochronal parameter determination for young stellar and substellar objects
Language: Python - Size: 32.2 MB - Last synced at: 15 days ago - Pushed at: 22 days ago - Stars: 7 - Forks: 0

JuliusPinsker/Molecular-GNN-Explorer
This project leverages a reproducible devcontainer environment, making it easy to set up and run on any machine with Docker and Visual Studio Code (or another compatible editor). By comparing three state-of-the-art GNN architectures (GCN, GAT, and GIN), the project provides insights into their relative performance in a regression task.
Language: Python - Size: 566 KB - Last synced at: 17 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

Daniel-Andarge/AiML-brent-oil-price-analysis
This project analyzes Brent oil prices from 1987-2022, detecting structural changes and associating them with major events to provide data-driven insights for the energy industry.
Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 1 - Forks: 0

ShivaNeuralNet/Google-Stock-Price-Prediction-Using-LSTM
Deep learning project for forecasting Google stock prices using LSTM. Includes EDA, SMA insights, LSTM tuning, and model performance comparison.
Language: Jupyter Notebook - Size: 3.34 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

rajan-bhateja/AQI-Predictor
Different models trained on Indian Cities to predict AQI
Language: Jupyter Notebook - Size: 56.1 MB - Last synced at: 23 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

ayushi-p/nlp-analysis
This project applies Natural Language Processing (NLP) techniques to analyze public sentiment regarding the Russia-Ukraine conflict. By examining real-time social media data from platforms like Twitter and Reddit, the goal is to generate actionable insights that can help stakeholders refine their communication strategies and respond effectively.
Language: Jupyter Notebook - Size: 7.25 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

imamaaa/cifar10-image-classification-vit-resnet-cnnmlp
This project implements and compares Vision Transformer (ViT), ResNet-18 (Transfer Learning), and a CNN-MLP Hybrid model for image classification on CIFAR-10. It includes a Flask-based web app where users can upload images, select a model, and view real-time classification results.
Language: Jupyter Notebook - Size: 2.54 MB - Last synced at: 8 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

sergio11/headline_generation_lstm_transformers
Explore advanced neural networks for crafting captivating headlines! Compare LSTM 🔄 and Transformer 🔀 models through interactive notebooks 📓 and easy-to-use wrapper classes 🛠️. Ideal for content creators and data enthusiasts aiming to automate and enhance headline generation ✨.
Language: Jupyter Notebook - Size: 6.37 MB - Last synced at: 25 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

andrepradika/ml-regression-models-compares
Machine Learning Regression Models project! 🎉 This project is all about comparing different regression models to predict output variables based on input data. 📊
Size: 1.07 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

AAnzel/Polar-Diagrams-for-Model-Comparison
"Interactive Polar Diagrams for Model Comparison" by Aleksandar Anžel, Dominik Heider, and Georges Hattab
Language: Jupyter Notebook - Size: 243 MB - Last synced at: 13 days ago - Pushed at: 2 months ago - Stars: 6 - Forks: 0

angchekar28/Lung-Cancer-Prediction
This project builds and compares multiple machine learning models to predict lung cancer based on patient attributes. It evaluates classification models like Logistic Regression, Decision Tree, Random Forest, and SVM for early diagnosis.
Language: Jupyter Notebook - Size: 79.1 KB - Last synced at: 22 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

SonghuaHu-UMD/Explainable_AI_Comparison
Language: Python - Size: 16.7 MB - Last synced at: about 15 hours ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 3

com-parit/model-comparator
An IDE-agnostic Software model comparison tool that allows the user to choose the type of matching; similarity based or signature based, and specify the similarity threshold, modelling language of the models to be compared, and the granularity of comparison.
Language: Java - Size: 85.6 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 6 - Forks: 0

UBC-MDS/RegscorePy
This is the repo for a python package that does model comparison between different regression models.
Language: Python - Size: 164 KB - Last synced at: 7 days ago - Pushed at: about 7 years ago - Stars: 22 - Forks: 4

AKKI0511/Traffic-Sign-Recognition
Traffic sign recognition using deep learning. Implemented and compared custom CNN and transfer learning models (ResNet50, MobileNetV2) with comprehensive evaluation metrics. Achieved 98.8% accuracy with a focus on real-world efficiency.
Language: Jupyter Notebook - Size: 171 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

AncaPitigoi/car-risk
This project attempts to forecast the vehicle risk rating for an insurance company. Different data mining applications will be used and compared to see which one is best fit for this dataset.
Language: Jupyter Notebook - Size: 870 KB - Last synced at: 18 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

gershonc/octopus-ml
A collection of handy ML and data visualization and validation tools. Go ahead and train, evaluate and validate your ML models and data with minimal effort.
Language: Jupyter Notebook - Size: 21.4 MB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 22 - Forks: 5

eggplantbren/AndromedaMixture
The inference code for our Nature paper about globular clusters in M31/Andromeda.
Language: C++ - Size: 42 KB - Last synced at: 21 days ago - Pushed at: 7 months ago - Stars: 1 - Forks: 1

cissagatto/MultiLabelFriedmanNemenyi
This repository provides a practical implementation of the Friedman and Nemenyi statistical tests specifically tailored for multi-label classification problems. These techniques are essential for evaluating and comparing the performance of multiple algorithms in experiments where each instance may belong to several classes simultaneously.
Language: R - Size: 164 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

qtle3/polynomial-regression
This project demonstrates the use of both Linear and Polynomial Regression models to predict salaries based on the position level of employees. By using a dataset that contains position levels and their corresponding salaries, this project showcases the differences between linear and polynomial models in fitting data and making predictions.
Language: Python - Size: 11.7 KB - Last synced at: 18 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Christian-F-Badillo/Temas_Selectos_en_Estadistica
Repositorio para el curso intersemestral "Temas Selectos en Estadística" para la Facultad de Psicología, UNAM.
Language: Jupyter Notebook - Size: 47 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

RobCaamano/Predictive-Modeling-using-Federal-Economic-Data
💸 Predicting U.S. Retail Sales from FRED Data using Neural Networks
Language: Jupyter Notebook - Size: 2.03 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

madelinelui/strength_personality
This personal project investigated with model comparison the relationship between physical strength and fearful personality scores in participants.
Size: 18.6 KB - Last synced at: 9 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

wknoben/MARRMoT
Modular Assessment of Rainfall-Runoff Models Toolbox - Matlab code for 47 conceptual hydrologic models
Language: MATLAB - Size: 32 MB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 105 - Forks: 53

Godhuli-De/LungCancerPrediction_ModelComparison
This project focuses on the prediction of lung cancer using multiple machine learning models and comparing their performances. The dataset used for this project consists of various features related to lung cancer, which were preprocessed, normalized, and then used for training different classifiers.
Language: Jupyter Notebook - Size: 54.7 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

yusufesatt/model-map-comparison
This project includes a python script that creates graphs by reading data from CSV files of models trained with YOLO.
Language: Python - Size: 683 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

phdpablo/smart-cfa
Solution in the form of a tutorial article wherein the key decisions made in conducting a CFA are validated through recent literature and presented within a dynamic document framework.
Language: TeX - Size: 9.12 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

sanhiitaa/salary-prediction
End-to-End Machine Learning project I made as a machine learning intern @ Mentorness
Language: Jupyter Notebook - Size: 1.23 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

KeshavElangoDS/LifeExpectancyAnalysis_MLR
The goal of the project is to predict Life Expectancy using various factors and to determine the relationship that exists between them.
Language: R - Size: 1.11 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

cheeann13/Heart-Attack-APP
Machine Learning Model Comparison, Logistic Regression, Streamlit Cloud
Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

AugustusVash/HELOC-Risk-Evaluation
This project develops a predictive model and a decision support system for evaluating the risk associated with Home Equity Line of Credit (HELOC) applications. It features an interactive interface for financial institutions, integrating multiple models for transparent and effective decision-making.
Language: Jupyter Notebook - Size: 611 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

mjvakili/gambly
Searching for galaxy-assembly bias in the SDSS data
Language: Python - Size: 3.63 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

selotape/G-PhoCS Fork of gphocs-dev/G-PhoCS
G-PhoCS is a software package for inferring ancestral population sizes, population divergence times, and migration rates from individual genome sequences.
Language: C++ - Size: 3 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

vicaaa12/advanced-machine-learning
Advanced Machine Learning
Language: Jupyter Notebook - Size: 1.93 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

amiruzzaman1/Idiom-Detection-NLP
This project pioneers advancements in Natural Language Processing (NLP) by introducing a deep neural network approach to address challenges in interpreting multi-word sentences, detecting idioms, and classifying text. Focusing on text classification, it evaluates various models, with BERT outperforming others with an F1 score of 0.7980.
Size: 16.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

amiruzzaman1/Heart-Disease-Classifications
This project involves a classification task using various machine learning algorithms on a heart disease dataset. The dataset comprises features related to heart health, with the target variable indicating the presence or absence of heart disease.
Size: 922 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

m-clark/R-III-Modeling
Using models to understand relationships and make predictions.
Size: 7.79 MB - Last synced at: 27 days ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 1

amiruzzaman1/Cyberbullying-Detection-Hinglish
Cyberbullying Detection App specifically designed for the Hinglish language, which is a combination of Hindi and English. The application utilizes various machine learning and deep learning algorithms fine-tuned for natural language processing and classification tasks.
Language: Python - Size: 2.64 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

guyabel/tidycat
Expand broom::tidy() output for categorical parameter estimates
Language: R - Size: 6.6 MB - Last synced at: 18 days ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

luissaster/sin-492-reconhecimento-de-padroes
Projeto desenvolvido durante a disciplina SIN 492 - Reconhecimento de Padrões, da Universidade Federal de Viçosa - Campus Rio Paranaíba.
Language: Jupyter Notebook - Size: 2.69 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

yihong1120/YOLOv8-qat Fork of jahongir7174/YOLOv8-qat
Quantization Aware Training
Language: Python - Size: 9.38 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sfcheung/modelbpp
Model BIC posterior probability
Language: R - Size: 6.05 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Zener085/text-detoxification
Research and creation of a tool for transforming toxic sentences into neutral forms.
Language: Jupyter Notebook - Size: 487 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Sahaj-26/House-Price-Prediction
The project aims to predict house prices in California based on various features using machine learning techniques. It uses the California housing dataset, comprising 20640 data entries and 8 attributes, with the target being the house price.
Language: Jupyter Notebook - Size: 568 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sls-mdr/rdc-model-comparison-donors-for-charity
I used this notebook to discuss different supervised learning approaches. In the notebook you can find evaluations of a logistic regression, a K-Nearest-Neighboor, a Support Vector Machine, a Decision Tree and the ensemble methods Random Forest, AdaBoost and XGBoost Classifyer.
Language: Jupyter Notebook - Size: 740 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mykmal/drab
DRAB: differential regulation analysis by bootstrapping
Language: R - Size: 132 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

nissim-panchpor/Email-Spam-Detecting-ML-Classifier
Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 14

malikamohan01/significant-police-factors-r
Over the past months, we have seen a significant racial justice reckoning happening across the country since the killing of George Floyd by a police officer in May 2020. This incident sparked a redirection of attention to similar lives that had been lost at the hands of officers, leading to calls for re-evaluation of the role and power that police hold. In order for stakeholders like activism groups and local policymakers to make the most change in the quickest and most effective manner in response to these calls, the data code and report strived to answer a questions that will enable this. The primary tool used was R, with ggplot and machine learning packages.
Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

CharlieEvert/SASEnterpriseMiner
This is a PDF showcasing some predictive analytical models (neural networks, stepwise regression, linear regression & decision trees) that I developed in SAS Enterprise Miner to predict powerlifting totals from 16 attributes. I recorded a video presentation here: https://www.youtube.com/watch?v=UiAXxhgRxy0&ab_channel=CharlieEvert
Size: 1.24 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

chjackson/fic
R package for focused information criteria for model comparison
Language: R - Size: 8 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 2

tsaglam/Vitruv-CaseStudy Fork of vitruv-tools/Vitruv
View-based development and model consistency framework
Language: Java - Size: 98.2 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

ZerksisMistry/Project_GPT-3.5_LLM
Explanation and Game – Play Capabilities of Modern AI and Large Language Models Project
Language: Jupyter Notebook - Size: 32.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

m-pektas/BFAS
Brute Force Architecture Search
Language: Python - Size: 193 KB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

wittawatj/kernel-mod
NeurIPS 2018. Linear-time model comparison tests.
Language: Jupyter Notebook - Size: 3.38 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 17 - Forks: 3

lkazantzi/H0_Model_Comparison
This repository contains the CLASS/MontePython Implementations as well as the Mathematica files of our paper
Language: Mathematica - Size: 760 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

ashx010/taxi_fare_prediction
Regression model on Taxi Fare Data with EDA. The data is taken from a Hackathon ( Data Science Student Championship 2023 ) on MachineHack.
Language: Jupyter Notebook - Size: 9.68 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

ashx010/Titanic_Analysis_Model
Classification model on Titanic: Tragic shipwreck with EDA. Secured Accuracy Score of ~0.78.
Language: Jupyter Notebook - Size: 8.59 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Enzo2806/MLP-CNN
We implemented a Multi-Layer Perceptron (MLP) model from scratch and compared its performance based on image classification accuracy on the "Fashion-MNIST" dataset to the performance of the Tensorflow Keras library's Convolutional Neural Network (CNN).
Language: Jupyter Notebook - Size: 430 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Enzo2806/Logistic-Multiclass
We investigated the performance of the Logistic and Multiclass Regression models and compared their accuracies to KNN. We compared Logistic Regression and KNN based on the "IMdB reviews" dataset, while Multiclass Regression and KNN were compared based on the "20 news groups" dataset.
Language: Jupyter Notebook - Size: 444 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Enzo2806/KNN-DecisionTree
We investigated the performance of the K Nearest neighbours and the Decision Tree machine learning models. We compared them based on their classification accuracy on the UCI Hepatitis and Diabetic Retinopathy datasets.
Language: Jupyter Notebook - Size: 5.93 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Sanaelotfi/Bayesian_model_comparison
Supporing code for the paper "Bayesian Model Selection, the Marginal Likelihood, and Generalization".
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 30 - Forks: 2

ahmedmbutt/Heart-Failure-Prediction
Developing, Evaluating, and Comparing different Classification Models on Heart Failure Prediction Dataset
Language: Jupyter Notebook - Size: 404 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

alicelh/ModelWise
ModelWise: Interactive Model Comparison for Model Diagnosis, Improvement and Selection(EuroVis 22)
Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 1

NicolaZomer/Microbial_Scaling_Laws
Explaining microbial scaling laws using Bayesian inference
Language: Jupyter Notebook - Size: 151 MB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

WojciechSylwester/Iris_EDA_Model_Comparison
Solving a classification problem with model comparison using learning curves.
Language: Jupyter Notebook - Size: 563 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

seuwenfei/Diabetes-classification-model-comparison
This repository contains my diabetes classification model comparison project using Python
Language: Jupyter Notebook - Size: 395 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

seuwenfei/Online-payment-fraud-detection
This repository contains my online payment fraud detection project using Python
Language: Jupyter Notebook - Size: 593 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

AaronFlore/Forecasting-Bitcoin-Prices
Forecasting Bitcoin Prices via ARIMA, XGBoost, Prophet, and LSTM models in Python
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 2

McSCert/Model-Comparison-Utility
Matlab command-line functions for supporting Simulink model comparison
Language: MATLAB - Size: 7.9 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 7 - Forks: 0

mainkoon81/ooo-Bayesian-Introduction
Size: 1010 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

EmilianoGagliardiEmanueleGhelfi/CNN-compression-performance
A python script that automatise the training of a CNN, compress it through tensorflow (or ristretto) plugin, and compares the performance of the two networks
Language: Python - Size: 304 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 27 - Forks: 10

sai-shi/Children-learning-process-prediction
Language: Jupyter Notebook - Size: 256 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

bortch/secondhandcar
UK Used Car Challenge
Language: Jupyter Notebook - Size: 42.2 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

glubbdubdrib/lazygrid
Automatic, efficient and flexible implementation of complex machine learning pipeline generation and cross-validation.
Language: Python - Size: 781 KB - Last synced at: 6 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

SparshBohra/House-Price-Prediction
Predicting prices of houses using regression
Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

advaitsave/Churn-Classification-Model-Selection
A comprehensive Churn Classification solution aimed at laying out the steps of a classification solution, including EDA, Stratified train test split, Training multiple classifiers, Evaluating trained classifiers, Hyperparameter tuning, Optimal probability threshold tuning, model comparison, model selection and Whiteboxing models for business sense. (Python)
Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 2

sanket1105/Iris-dataset-and-comparing-models
everything about the code is explained within the code file .ipynb itself using comments above or below the code.
Language: Jupyter Notebook - Size: 760 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

xylimeng/D-probability
D-probabilities of parametric models using nonparametric model reference
Language: R - Size: 939 KB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

vjgpt/Housing-Prices-Competition-Kaggle
Learn about Feature Engineering and get familiar with Advanced regression techniques like Lasso, ElasticNet, Gradient Boosting, etc.
Language: Jupyter Notebook - Size: 198 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0
