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

Topic: "leave-one-out-cross-validation"

brainhack-school2020/abide-fmri

Repository for the Brainhack School 2020 team working with fMRI and ABIDE data to train machine learning models.

Language: Jupyter Notebook - Size: 42.5 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 35 - Forks: 13

JingweiToo/Machine-Learning-Toolbox

This toolbox offers 8 machine learning methods including KNN, SVM, DA, DT, and etc., which are simpler and easy to implement.

Language: MATLAB - Size: 97.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 3

RoryQo/Tuition-Variation-Research

This project predicts tuition rates for U.S. public and private universities using linear regression with leave-one-out cross-validation. Helping to assess if a college market price, maximizing ROI and minimizing student loan debt.

Language: R - Size: 1.91 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

saiyedduri/Geo-statistical-analysis-on-Co-Ni-deposit

This repository aims to explore the Co-Ni deposits samples and develop a model using ordinary kriging technique. The model is further validated by leave one out cross validation strategy.

Language: R - Size: 2.24 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

SeyedMuhammadHosseinMousavi/Comprehensive-Machine-Learning-Techniques-Metrics-Classifiers-and-Evaluation

Comprehensive Machine Learning Techniques: Metrics, Classifiers, and Evaluation

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

Mashghdoust/Classifying-EEG-signals-by-extracting-features-from-a-moving-time-window-using-different-ML-models

In this project I have extarcted 30 time and frequancy features from EEG signals (of left hand and right hand moving) in an espicific time window. Then using PCA i have decreased the features dimension to 10. Then I have quarried different methdos of ML: KNN(1,3,5,6), SVM(Linear kernel, Gaussian kernel), LDA, Naive bayes on different time windows.

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

MoinDalvs/Model_Validation_Techniques

1. train_test_split 2.K_fold 3.LeaveoneOut 4.Cross Validation Score 5.Logistic Regression

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

Pradnya1208/Cross-Validation-techniques

This project aims to understand and implement all the cross validation techniques used in Machine Learning.

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

JingweiToo/Machine-Learning-Regression-Toolbox

This toolbox offers 7 machine learning methods for regression problems.

Language: Python - Size: 49.8 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 3

vaitybharati/Model-Validation-Methods

Model-Validation-Methods

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

Divya171997/Residential_Properties-Applied_Statistics

The dataset contains information regarding residential properties which were collected by the US Census Service, the period 2006 to 2010.

Size: 799 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

Ehsan-Behzadi/A-Machine-Learning-Approach-Using-the-Pima-Indians-Diabetes-Dataset

This repository features a machine learning project utilizing the Pima Indians Diabetes Dataset to predict diabetes risk. It explores data preprocessing, model training, and evaluation using techniques such as Naive Bayes and K-Nearest Neighbors (KNN) . The aim is to highlight the impact of various health factors on diabetes prediction.

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

exoInference/loo_cv_tutorials

This project provides a tutorial on performing leave-one-out cross-validation (LOO-CV) using the Pareto-smoothed importance sampling (PSIS) approximation. The tutorial leverages the arviz package and applies these techniques to a synthetic dataset from Welbanks et al. 2023, focusing on exoplanet atmospheric analysis.

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

Jecoc907/NBA-Analysis-Project-1

The purpose of this project is to analyze some winning factors for a NBA team and predict their win rate using multiple linear regression. Different cross-validation methods were used to evaluate the model's prediction ability.

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

aillaud/Histopathological-Image-Classification

Methodology used to classify breast cancer histopathological images as part of a datachallenge organised at Telecom Paris

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

Akash1070/Machine-Learning-

Learning Machine Learning Through Data

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

anselmeamekoe/Approximate_Leave_One_Out

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

JingweiToo/Machine-Learning-Toolbox-Python

This toolbox offers 6 machine learning methods including KNN, SVM, LDA, DT, and etc., which are simpler and easy to implement.

Language: Python - Size: 63.5 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 2

dhawal777/L1-L2-Regularization-and-Kfold

Applied Regularisation techniques(Ridge+Lasso) and observed improvement in regression algorithm.It also contain two promising cross validation technique.

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

Related Topics
machine-learning 7 cross-validation 5 k-fold-cross-validation 5 data-science 4 naive-bayes 4 classification 3 linear-regression 3 holdout 3 linear-discriminant-analysis 3 kfold-cross-validation 3 confusion-matrix 2 lasso-regression 2 ridge-regression 2 train-test-split 2 logistic-regression 2 python 2 model-validation 2 validation-set-approach 2 k-nearest-neighbours 2 feature-selection 2 decision-tree 2 random-forest 2 support-vector-machine 2 elastic-net 2 data-imputation 1 data-imbalance 1 feature-extraction 1 violinplot 1 universita-della-svizzera-italiana 1 computer-vision 1 t-sne 1 shape 1 image-classification 1 svm-kernels 1 body-motion 1 emotion-recognition 1 data-analysis 1 seyed-muhammad-hossein-mousavi 1 pre-processing 1 plot 1 physiological-signals 1 multi-modal-fusion 1 metrics 1 bootstrap 1 jaccard 1 gsr 1 kriging 1 geo-statistics 1 exploratory-data-analysis 1 underfitting-overfitting 1 receiver-operating-characteristic 1 random-search 1 k-means-clustering 1 hierarchical-clustering 1 grid-search-cv 1 ensemble-techniques 1 bootstrap-sampling 1 area-under-curve 1 rstudio 1 research-project 1 model-selection 1 market-price-prediction 1 train-test-validation 1 standardization 1 recursive-feature-elimination 1 predictive-modeling 1 pima-indians-diabetes 1 outlier-detection 1 naive-bayes-classifier 1 diabetes-prediction 1 data-preprocessing 1 breast-cancer-classification 1 knn 1 eeg 1 nba-analytics 1 multiple-linear-regression 1 simulation 1 ridge 1 lasso 1 stratified-cross-validation 1 monte-carlo 1 loocv 1 hold-out-cross-validation 1 exoplanets 1 atmospheres 1 support-vector-regression 1 regression 1 neural-network 1 decision-tree-regression 1 support-vector-machines 1 k-nearest-neighbors 1 data-mining 1 machine-learning-algorithms 1 k-nearest-neighbor 1 gaussian-mixture-models 1 ensemble-classifier 1 support-vector-classification 1 scikitlearn-machine-learning 1 resting-state-fmri 1 reproducible-science 1