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

GitHub topics: ridge-regression

facebookexperimental/Robyn

Robyn is an experimental, AI/ML-powered and open sourced Marketing Mix Modeling (MMM) package from Meta Marketing Science. Our mission is to democratise modeling knowledge, inspire the industry through innovation, reduce human bias in the modeling process & build a strong open source marketing science community.

Language: Jupyter Notebook - Size: 388 MB - Last synced at: about 21 hours ago - Pushed at: about 22 hours ago - Stars: 1,307 - Forks: 395

sorenfyhn/ridge-regression

Framework for a ridge regression model that predicts heating load.

Language: Python - Size: 940 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

JuliaStats/MultivariateStats.jl

A Julia package for multivariate statistics and data analysis (e.g. dimension reduction)

Language: Julia - Size: 1.55 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 384 - Forks: 85

SheenuAgarwal/F1-LapTime-Predictor

This repository contains a machine learning model that predicts F1 qualifying lap times using various data sources. Explore the code and models to see how we leverage telemetry and weather data for accurate predictions! 🚀👨💻

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

ahaeusser/echos

Echo State Networks for Time Series Forecasting

Language: R - Size: 20.6 MB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 16 - Forks: 1

TaniyaGoyat/Laptop_Price_Predictor

Predict laptop prices using ML algorithms like Random Forest, with an interactive Streamlit web app.

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

Shreeansh-Gupta/F1-LapTime-Predictor

This project builds a machine learning model to predict F1 qualifying lap times using telemetry, weather, tyre, and driver performance data. The model is trained on data from 2021 to 2025 (up to Monaco GP) and makes predictions for the upcoming Spanish GP 2025.

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

JuliaAI/MLJLinearModels.jl

Generalized Linear Regressions Models (penalized regressions, robust regressions, ...)

Language: Julia - Size: 590 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 82 - Forks: 13

viktormiok/PhD-thesisSM

PhD thesis supplementary materials

Language: TeX - Size: 15.8 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 2 - Forks: 0

faosorios/fastmatrix

Fast computation of some matrices useful in statistics

Language: C - Size: 13.5 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 19 - Forks: 3

SKT1803/bank-marketing-prediction

Supervised Machine Learning Classification – Bank Term Deposit Prediction

Language: Jupyter Notebook - Size: 523 KB - Last synced at: 15 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

SKT1803/black-friday-sales-prediction

Supervised Machine Learning Regression – Black Friday Sales Predictions

Language: Jupyter Notebook - Size: 7.33 MB - Last synced at: 15 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

khanhtran0111/Rain-prediction

Rain prediction using machine learning and deep learning

Language: Jupyter Notebook - Size: 117 MB - Last synced at: 5 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

mickcrosse/mTRF-Toolbox

A MATLAB package for modelling multivariate stimulus-response data

Language: MATLAB - Size: 66.8 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 91 - Forks: 31

viraj-gavade/Forest-Fire-Predictor-ML

This is my first end-to-end machine learning project that I built while learning ML concepts.

Language: Jupyter Notebook - Size: 408 KB - Last synced at: 3 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

ivanbetancxurt/f1-regressor

An exploratory F1 themed machine learning project for personal skill development.

Language: Python - Size: 35.3 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

HendrixPeralta/bol_hdi_prediction

Applied machine learning techniques to satellite imagery to classify and predict development levels across municipalities in Bolivia.

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

ostad-ai/Machine-Learning

This repository contains topics and codes related to Machine Learning and Data Science, especially in Python

Language: Jupyter Notebook - Size: 2.17 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 3 - Forks: 0

julian0112/Insurance-ML-Regression-Models

The project will be focused on using regression to predict the "charges" target values of an insurance dataset based on different features. To make this possible we are going to make four different regression models, those being: Linear Regression, Lasso Regression, Ridge Regression and Elastic Net,.

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

MeoPBK/Fast_Inference_Classifiers

Multilable fast inference classifiers (Ridge Regression and MLP) for NLPs with Sentence Embedder, K-Fold, Bootstrap and Boosting. NOTE: since the MLP (fully connected NN) Classifier was too heavy to be loaded, you can just compile it with the script.

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

chihabmahfouf/ML-Capstone-Prediction-Projects

Hello! I'm Palak Yaduvanshi, a data science enthusiast with a passion for applying machine learning to solve real-world problems. I’m constantly learning and experimenting with new algorithms and tools to build impactful prediction models.

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

sanjushasuresh/PREDICTING-SOLAR-ENERGY-PRODUCTION

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

khetansarvesh/Tabular-Cross-Sectional-Modelling

Implementation of algorithms such as normal equations, gradient descent, stochastic gradient descent, lasso regularization and ridge regularization from scratch and done linear as well as polynomial regression analysis. Implementation of several classification algorithms from scratch i.e. not used any standard libraries like sklearn or tensorflow.

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

DataSpieler12345/python-for-ds-ml

My Python learning experience 📚🖥📳📴💻🖱✏

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

temulenbd/dublin-parking-suspensions-analysis

PROJECT NAME: Exploration and analysis of publicly available data: suspension of parking bays in Dublin City Council.

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

m-clark/models-by-example

By-hand code for models and algorithms. An update to the 'Miscellaneous-R-Code' repo.

Language: R - Size: 26.2 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 68 - Forks: 18

ShayanNikkar/CRSP-Index-Return-Prediction

Forecast Monthly Excess Returns of the CRSP Value-Weighted Market Index

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

ArunabhaPani/House_price_prediction_kaggle_learning

started by analysing and determining the aspects required for tuning of the final ml model. Performed Eda and feature engineering inorder to determine the import parameters of the dataset and to derive more useful features, finally creating a ml model by using various different basic and advanced regression techniques.

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

novianggita/Regularized-Regression

This project explores Regularized Regression techniques—Ridge and LASSO—to predict housing prices using the Boston Housing dataset

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

dyavadi8769/University_Admission_Prediction

University Admission Predictor is a sophisticated Flask-based web application designed to predict the likelihood of admission to graduate programs based on student profiles. It leverages a range of regression techniques to evaluate admission chances.This project showcases the practical application of machine learning in educational forecasting.

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

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: 20 days ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

Emmanuelprz1400/Logistic-Regression

Project where the Logistic Regression algorithm is used

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

englianhu/binary.com-interview-question

次元期权应征面试题范例。 #易经 #道家 #十二生肖 #姓氏堂号子嗣贞节牌坊 #天文历法 #张灯结彩 #农历 #夜观星象 #廿四节气 #算卜 #紫微斗数 #十二时辰 #生辰八字 #命运 #风水 《始祖赢政之子赢家黄氏江夏堂联富•秦谏——大秦赋》 万般皆下品,唯有读书高。🚩🇨🇳🏹🦔中科红旗,歼灭所有世袭制可兰经法家回教徒巫贼巫婆、洋番、峇峇娘惹。https://gitee.com/englianhu

Language: HTML - Size: 11.4 GB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 66 - Forks: 29

MariiaSam/Rent-in-Brazil

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

CassandraMaldonado/ML-Real-Estate-

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

Ginga1402/Store_sales_Analysis_and_Profit_Prediction

Exploratory Data Analysis on Store Sales Data

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

SravB/Computer-Vision-Weightlifting-Coach

Analyzes weightlifting videos for correct posture using pose estimation with OpenCV

Language: Jupyter Notebook - Size: 24 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 43 - Forks: 8

PhanChenh/PredictQuantity_PythonProject_PizzaDataset

Sales Quantity Forecasting for Pizza Dataset 2015

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

Rizasaurus/Car-price-prediction-exercise-with-regression-model

Car price forecasting with one-variable, two-variable, three-variable, lasso, ridge, and elastic regression models

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

viktormiok/ragt2ridges

Ridge Estimation of Vector Auto-Regressive (VAR) Processes

Language: R - Size: 1.16 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 2

sylvaincom/high-dimensional-statistics

[Python, R] My homeworks for the Statistics for high-dimensional data course of my MSc @ Mines Nancy

Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

the-bipu/algerian-fire-prediction

Algerian fire prediction with Linear Regression

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

angus924/preval

Prevalidated ridge regression is a highly-efficient drop-in replacement for logistic regression for high-dimensional data

Language: Python - Size: 26.4 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

viktormiok/PhD-thesis

Latex scripts to compile my PhD thesis

Language: TeX - Size: 9.91 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 2

HoangLeminh17/Ranks-Prediction-for-LOL

A method to predict rankings based on performances of players for game League Of Legends

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

je-suis-tm/machine-learning

Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression

Language: Jupyter Notebook - Size: 7.84 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 234 - Forks: 51

SaniyaAbushakimova/Ames-Housing-Price-Prediction

Implemented regularized linear regression (Lasso, Ridge, ElasticNet) and tree-based models (Random Forest, XGBoost, CatBoost, LightGBM) to predict house prices in Ames, Iowa. The project explores feature engineering, outlier handling, and model tuning to improve predictive accuracy. Tech: Python (numpy, pandas, sklearn, catboost, os)

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

nickkunz/nestedhyperline

Nested Cross-Validation for Bayesian Optimized Linear Regularization

Language: Python - Size: 2.05 MB - Last synced at: about 8 hours ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

ChaitanyaC22/House-Price-Prediction-Project-for-a-US-based-housing-company

The goal of this project is to garner data insights using data analytics to purchase houses at a price below their actual value and flip them on at a higher price. This project aims at building an effective regression model using regularization (i.e. advanced linear regression: Ridge and Lasso regression) in order to predict the actual values of prospective housing properties and decide whether to invest in them or not.

Language: Jupyter Notebook - Size: 3.97 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

PiotrTymoszuk/htGLMNET

High Throughput Light Weight Regularized Regression Modeling for Molecular Data

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

Singhananddev/ML_SUPERVISED_LEARNING_SALES_PRIDICTION_PROJECT

ML_SUPERVISED_LEARNING_SALES_PRIDICTION_PROJECT

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

sai-manas/FWI_Predictor_ML

Fire Weather Index (FWI) - Web App Predictor: Algerian Forest Fires dataset. Using Ridge, Lasso, Linear Regression, and ElasticNet models. Deployed as a Flask app on AWS Elastic Beanstalk. Explore the prediction insights for fire risk assessment.

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

amruta33/End_to_End_Mlproject

The Students Performance Analysis project, is an insightful exploration of the factors that impact students' academic performance. Using a dataset containing various student attributes, the project aims to uncover patterns and relationships that influence their success in examinations. This analysis is particularly valuable for educators, policymak

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

pngo1997/Multiple-Regression-and-Feature-Selection-Analysis

Explores multiple linear regression, feature selection, Ridge & Lasso regression, and Stochastic Gradient Descent (SGD) regression.

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

schatzlab/scikit-ribo

Accurate estimation and robust modelling of translation dynamics at codon resolution

Language: Python - Size: 69.5 MB - Last synced at: 7 days ago - Pushed at: almost 8 years ago - Stars: 20 - Forks: 8

rynanda/Regression-Classification-DeepNets

Regression analysing socio-economic data, multi-class classification of land types from spectral data, and training and adapting deep networks using the Street View House Numbers dataset.

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

sorna-fast/Car-price-prediction-exercise-with-regression-model

Car price forecasting with one-variable, two-variable, three-variable, lasso, ridge, and elastic regression models

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

Trigenaris/Baseball-Player-Salary-Prediction-with-Ridge-Lasso-and-ElasticNet

In this section, we will go through the Hitters dataset as firstly analyzing the data, then preprocessing it and lastly creating 3 different models which are Ridge Regression, Lasso Regression and ElasticNet Regression

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

Tynab/Machine-Learning-Overview

CyberSoft Machine Learning 03 - Overview

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

mr-kartal/ML_codes_CK

Machine learning code includes various regression techniques. By ↃK.

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

mischieff01/Project-Machine-Learning-Models

A collection of machine learning implementations for regression and classification tasks using Python and scikit-learn. Each model is detailed in Jupyter notebooks with explanations, code, and visualizations.

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

garfsters/Real-Estate-Price-Prediction

Using OLS regression (and Ridge and Lasso to compare), we worked on a project that uses a dataset to predict housing prices based on user inputs on house details.

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

otuemre/HousePricingML

A machine learning project predicting house prices using regression models. Covers data preprocessing, feature engineering, and model comparison to achieve accurate results. Developed for a Kaggle competition, focusing on effective ML workflows and model interpretability.

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

maettuu/23HS-Foundations-of-Data-Science

Repository for the course Foundation of Data Science Fall 2023

Language: Jupyter Notebook - Size: 340 KB - Last synced at: 7 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

riya-malviya/weather-ml

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

KasiMuthuveerappan/IVY_League-Admission-LinearRegression

📗 This repository provides an in-depth exploration of the predictive linear regression model tailored for Jamboree Institute students' data, with the goal of assisting their admission to international colleges. The analysis encompasses the application of Ridge, Lasso, and ElasticNet regressions to enhance predictive accuracy and robustness.

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

myahninsi/housing-price-prediction-ml

Final project for Big Data Visualization for Business Communications 01 (DSMM Group 1). Analyzes housing data, identifies key price factors, and builds predictive models using machine learning. Includes Power BI dashboards for interactive visualizations and Flask for deployment.

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

Khushi130404/Regulexa

Regulexa is a Python project that showcases and compares Ridge, Lasso, and Elastic-Net regularization techniques in machine learning. It includes visualizations and performance insights to help prevent overfitting and improve model generalization.

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

maxgubitosi/ML-Regression-Models-from-Scratch

Second practical assignment for the course "I302 - ML and Deep Learning". The work consists of three regression problems where different models are designed from scratch.

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

mdpetters/RegularizationTools.jl

A Julia package to perform Tikhonov regularization for small to moderate size problems.

Language: Julia - Size: 1.89 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 2

tanmay-045/Complete-Data-Science-Concepts

Complete Data Science Concepts, is an ongoing collection of my work as I progress through my Data Science journey. Starting from the fundamentals, I will be sharing projects, codes, and techniques that I learn along the way. It's designed to be useful for both beginners and advanced learners.

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

Monish-Nallagondalla/Algerian_forest_fires

This project predicts forest fires in Algeria using machine learning models . The dataset includes various meteorological and environmental features such as temperature, humidity, and wind speed. The app cleans the data and builds models to predict the likelihood of forest fires based on historical data and environmental conditions.

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

aurora-mm/LinearRegression

Handling linear regression models through the utilization of QR decomposition, as well as ridge regression models.

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

JaewonSon37/Data_Analysis_and_Regression1

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

SantiagoEnriqueGA/custom_linear_learning

This repository focuses on building linear regression algorithms from scratch using only Numpy for faster array processing.

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

friendly/genridge

Generalized Ridge Trace Plots for Ridge Regression

Language: HTML - Size: 18.2 MB - Last synced at: about 18 hours ago - Pushed at: 6 months ago - Stars: 4 - Forks: 1

cglamb/Modeling

Modeling Portfolio (Python based)

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

deliprofesor/Health-Status-and-Heart-Attack-Risk-EDA-Regression-and-Hypothesis-Testing-Analysis

This project analyzes health and lifestyle factors influencing heart attack risk using statistical methods and machine learning, with Ridge Regression identified as the best predictive model.

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

UMN-LATIS/simple-smoothing-spline

Create a regression smoothing spline for a set of points.

Language: TypeScript - Size: 4.35 MB - Last synced at: 9 days ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 3

GiatrasKon/Machine_Learning_Assignments

Machine learning assignments covering regression, classification, neural networks, adversarial examples, and real-time emotion detection using Python. Includes theoretical insights and practical implementations.

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

leomarssilva/projeto-final-engenharia-uff

Comparison of machine learning methods for predictive maintenance of turbofan engines

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

MunjPatel/Adaptive-Time-Series-Forecasting-with-Rolling-Ridge-Regression

This repository implements a rolling window framework using Ridge Regression to adaptively model and forecast financial time series. The code also evaluates model accuracy through Mean Squared Error (MSE) and Mean Absolute Error (MAE) across varying window sizes, with detailed visualizations of prediction performance.

Language: Python - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

jacopo-tarantino/Market-Analysis-based-on-Machine-Learning-techniques

Implemented Feature Selection, Regularization, and Dimension Reduction, followed by Model Selection to predict sales and identify profitable markets for a retail firm.

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

nikolaos-mavromatis/house-price-quoting-app

Interactive Streamlit UI for Instant House Price Predictions, powered by a robust end-to-end ML pipeline and FastAPI, fully containerized for seamless deployment.

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

lmizner/CS249_DataScienceFundamentals

Course work from UCLA's CS249 - Data Science Fundamentals

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

ma-nadeau/NonlinearRegression_And_Regularization

Model evaluation by implementing a linear regression model from scratch using non-linear basis functions

Language: Python - Size: 147 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

EC4308/loan-default

Created a loan default classification model at the point of granting a loan

Language: HTML - Size: 226 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

oscarhoffmann3487/TDDE01_Machine_Learning

This repository contains lab-solutions for the TDDE01 Machine Learning course taken at Linköping University during the fall of 2023. The course includes three labs focusing on core ML concepts.

Language: R - Size: 16.6 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

holy-angel-university/ease-my-trip-flight-price-prediction

Leveraged Ease My Trip data, we're building predictive models to estimate flight prices. Factors like airline, class, booking lead time, and others will be analyzed to create a robust framework for understanding flight pricing dynamics.

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

sdrttnclskn/tez-calismasi

Makine Öğrenme Metotları Kullanılarak Fonların Fiyat Tahmin için Model Geliştirilmesi

Language: Jupyter Notebook - Size: 67.9 MB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

getzze/RobustModels.jl

A Julia package for robust regressions using M-estimators and quantile regressions

Language: Julia - Size: 782 KB - Last synced at: 26 days ago - Pushed at: 9 months ago - Stars: 36 - Forks: 2

proxyflux/Football-player-price-prediction

Price Prediction with Lasso, Ridge, Random Forest, SVR, Gradient Boosting, KNN, Linear Regression, Logistic Regression

Language: Python - Size: 1.28 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

shaadclt/Diabetes-Progression-Prediction-RidgeRegression

This project involves the prediction of diabetes progression using Ridge Regression in Jupyter Notebook. The dataset contains features such as glucose level, blood pressure, body mass index, and more. Through this analysis, we aim to build a regression model that accurately predicts the progression of diabetes based on the given input features.

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

csinva/mdl-complexity

MDL Complexity computations and experiments from the paper "Revisiting complexity and the bias-variance tradeoff".

Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 18 - Forks: 2

vishnu-vamshii/YouTube-Comments-Sentiment-Analysis-for-Views-Prediction

This project analyzes YouTube video data to extract comments and perform sentiment analysis on the most liked, disliked, and random videos. It leverages Google API to collect comments, followed by regression modeling using Random Forest, Ridge, and K-Nearest Neighbors to predict video metrics based on sentiment.

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

dynamicanupam/Housing_Price_Prediction_using_Advanced_Regression

Build a regularized regression model to understand the most important variables to predict housing prices.

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

Silvano315/Prediction-model-for-a-real-estate-market

This repository is the third project of the master's degree in AI Engineering that I am following. It aims toto optimize real estate price valuation through the use of advanced regularisation techniques in linear regression models by implementing Lasso, Ridge and Elastic Net in order to obtain accurate and stable price predictions.

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

shwetajanwekar/Capstone-project_1

Capstone project_1 include python code for best fit regression model, SQL feature store and tableau dashboard

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

sudhanshusinghaiml/End-to-End-Real-Estate-Price-Prediction-Model

This project for price prediction of Real Estate Property. Model is trained on dataset with Property Price as the Target Variable. The model takes into account the important factors

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

invictusaman/Insurance-Cost-Analysis-Regression

Showcasing Simple Linear, Multiple Linear, Polynomial and Ridge Regression on Insurance Cost Dataset to predict insurance price. Also, I have generated a report using Quarto.

Language: Jupyter Notebook - Size: 197 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

Related Keywords
ridge-regression 613 lasso-regression 364 linear-regression 294 machine-learning 239 python 140 random-forest 87 regression 86 logistic-regression 74 pandas 64 data-science 61 numpy 55 scikit-learn 51 polynomial-regression 51 regression-models 48 jupyter-notebook 47 machine-learning-algorithms 45 seaborn 43 decision-trees 39 xgboost 38 regularization 38 matplotlib 36 sklearn 34 data-visualization 33 python3 32 exploratory-data-analysis 32 eda 31 feature-engineering 29 cross-validation 28 r 27 data-analysis 26 elasticnet-regression 23 elastic-net 23 random-forest-regression 23 pca 22 neural-network 22 gradient-boosting 21 multiple-linear-regression 21 knn-regression 21 svm 21 predictive-modeling 21 lasso 19 knn 18 gradient-descent 18 house-price-prediction 18 xgboost-regression 18 decision-tree 18 supervised-learning 18 classification 17 regression-analysis 17 knn-classification 17 elasticnet 17 gridsearchcv 17 elastic-net-regression 16 stochastic-gradient-descent 16 decision-tree-regression 15 hyperparameter-tuning 14 support-vector-machines 14 naive-bayes-classifier 13 svm-classifier 13 statistics 13 matplotlib-pyplot 13 lasso-regression-model 12 ols-regression 12 flask 12 principal-component-analysis 11 clustering 11 prediction 10 gradient-boosting-regressor 10 bagging 10 boosting 10 artificial-intelligence 10 pipeline 10 lightgbm 10 machinelearning 10 tensorflow 10 scikitlearn-machine-learning 9 elasticnetregression 9 gaussian-mixture-models 9 kaggle 9 data-cleaning 9 regression-algorithms 9 time-series 9 statsmodels 9 ensemble-learning 9 naive-bayes 8 randomforestregressor 8 l2-regularization 8 support-vector-regression 8 data 8 visualization 8 feature-selection 8 kmeans-clustering 8 deep-learning 8 decision-tree-classifier 8 pca-analysis 7 random-forest-regressor 7 regularized-linear-regression 7 price-prediction 7 svr 7 bootstrap 7