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

Topic: "elastic-net-regression"

rivas-lab/snpnet

snpnet - Efficient Lasso Solver for Large-scale genetic variant data

Language: R - Size: 7.52 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 18 - Forks: 3

wyattowalsh/regularized-linear-regression-deep-dive

Explanations and Python implementations of Ordinary Least Squares regression, Ridge regression, Lasso regression (solved via Coordinate Descent), and Elastic Net regression (also solved via Coordinate Descent) applied to assess wine quality given numerous numerical features. Additional data analysis and visualization in Python is included.

Language: Jupyter Notebook - Size: 51 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 1

SarodYatawatta/smart-calibration

Deep reinforcement learning for smart calibration of radio telescopes. Automatic hyper-parameter tuning.

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

sandipanpaul21/Logistic-regression-in-python

Logistic Regression technique in machine learning both theory and code in Python. Includes topics from Assumptions, Multi Class Classifications, Regularization (l1 and l2), Weight of Evidence and Information Value

Language: Jupyter Notebook - Size: 29.4 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

Labo-Lacourse/Code_chap_23_logistic_regression_regularization

Algorithmes d’apprentissage et modèles statistiques: Un exemple de régression logistique régularisée et de validation croisée pour prédire le décrochage scolaire

Language: Jupyter Notebook - Size: 7.23 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 6

elgabbas/Conservation-Prioritisation-Sensitivity

R code used for the analyses of the paper: Spatial conservation prioritisation in data-poor countries: a quantitative sensitivity analysis using different taxa

Language: HTML - Size: 28.3 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

tboudart/Financial-Markets-Regression-Analysis

My role in this group project was to perform regression analysis on quarterly financial data to predict a company's market capitalization. I used R to develop ordinary least squares (OLS), stepwise, ridge, lasso, relaxed lasso, and elastic net regression models. I first used stepwise and OLS regression to develop a model and examine its residual plots. The plot displaying the residuals against the predicted values indicated multiplicative errors. I, therefore, took the natural log transformation of the dependent variable. The resulting model's R2 was significantly, negatively impacted. After examining scatter plots between the log transformation of market capitalization and the independent variables, I discovered the independent variables also had to be transformed to produce a linear relationship. Using the log transformation of both the dependent and independent variables, I developed models using all the regression techniques mentioned to strike a balance between R2 and producing a parsimonious model. All the models produced similar results, with an R2 of around .80. Since OLS is easiest to explain, had similar residual plots, and the highest R2 of all the models, it was the best model developed.

Size: 1.66 MB - Last synced at: 9 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

micahwiesner67/NY_100YR_Flood_Prediction

I created multiple models to predict the discharge volume of a 100 year flood on rivers in NY state. The discharge of 100 year flood events is dependent upon watershed drainage area, and elevation among other variables.

Language: R - Size: 18.6 KB - Last synced at: 11 months ago - Pushed at: about 4 years ago - Stars: 2 - 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

nikhilbordekar/Yes-Bank-s-Stock-Closing-Price-Prediction-by-Regression

This project focuses on forecasting the closing prices of Yes Bank's stock. Through data analysis and predictive modeling, this project provides valuable insights for investors and traders, aiding them in making informed decisions about their investments in Yes Bank's stock.

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

belohith/ml-algorithms

A demonstration of the basic Machine Learning Algorithms

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

Bhevendra/ML-Regression

Regression on BOSTON dataset from sklearn

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

charumakhijani/advanced-house-price-prediction

Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

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: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

shussin245/GeneExpressionAnalysis

A tutorial demonstrating how to analyze gene expression data using elastic net models to predict patient responses to immunotherapy, focusing on regularization, cross-validation, and feature importance.

Language: Jupyter Notebook - Size: 627 KB - Last synced at: 5 months 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: 5 months ago - Stars: 0 - Forks: 0

vn33/Linear-Regression-Polynomial-Regression-Regularization-Assumptions

In this project, we implement a linear regression model and its extensions on a student grades dataset to enhance performance. The workflow includes advanced EDA, data preprocessing, and assumption checks. Key steps: dataset overview, univariate and bivariate analysis, data preprocessing, model building(2nd degree,l1,l2,EN) and result visualization

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

AmbreenMahhoor/What-is-Elastic-Net-Regression

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

PayThePizzo/HouseSalesPricePrediction

Prediction of Sales Prices of Houses

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

vaibhavdangar09/YES_BANK_STOCK_CLOSING_PRICE

Yes-Bank-Stock-Closing-Price-Prediction refers to a type of project or task in the field of data science and machine learning that involves developing predictive models to estimate the Closing Price of stock

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

HaHaIamHarry/Commercial-Real-Estate-CRE-Loan-Credit-Risk-Model

A project aim to predict default rate of Commercial Real Estate(CRE) Loans

Size: 39.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

liang-sarah/F1_ML

Predicting 2023 Formula One Constructors' Championship Standings

Language: R - Size: 18.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

iremustek/Predictive-Maintenance-Analysis

The project aims to enhance aircraft engine maintenance operations and planning using statistical learning and machine learning methods.

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

Nandan9911/Problems-on-car-and-house-price-prediction

Regression analysis

Language: Jupyter Notebook - Size: 681 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

pcastellanoescuder/lassoloops

Lasso + Bootstrap methods for predictive modeling

Language: R - Size: 158 KB - Last synced at: 8 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

fau-masters-collected-works-cgarbin/regression-no-libraries

Ridge, elastic net, and logistic regressions implemented without using any statistical or machine learning library. All steps are done by hand, using matrix operations as much as possible.

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

devosmitachatterjee2018/Statistical_Learning_for_Big_Data_Report12062020

The project encompasses the statistical analysis of a high-dimensional data using different classification, feature selection, clustering and dimension reduction techniques.

Language: Python - Size: 5.11 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

paddywardle/Health-Insurance-Regression---Python

Various Regression models including linear, polynomial, ridge, lasso and elastic net were experimented with to find which model best predicted health insurance costs. The models were evaluated using cross-validation, from which the best models were optimized using randomized search. The best model was then evaluated on the test data.

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

sdixit5/Walmart-Weekly-Sales-Prediction

This project compares the different machine learning models on Walmart Weekly Sales Data and predicts the weekly sales for the test data.

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

electrofocus/machine-learning-practicum 📦

Machine Learning Basics

Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Related Topics
lasso-regression 16 ridge-regression 16 linear-regression 7 machine-learning 7 logistic-regression 5 regression 4 jupyter-notebook 4 regularization 4 data-visualization 3 random-forest-regression 3 polynomial-regression 3 data-science 3 l1-regularization 2 ordinary-least-squares 2 regression-models 2 cross-validation 2 glmnet 2 r 2 exploratory-data-analysis 2 feature-engineering 2 regularized-linear-regression 2 genetics 2 prediction 2 random-forest 2 python 2 prediction-algorithm 1 loocv 1 xgboost 1 xgboost-regression 1 biobank 1 cox-regression 1 lasso 1 snpnet-cox 1 sparse 1 statistical-learning 1 survival-analysis 1 ukbiobank 1 tidyr 1 bootstrap 1 maxent 1 protected-areas 1 quantitative-sensitivity-analysis 1 reptiles 1 sampling-bias 1 spatial-conservation-planning 1 spatial-conservation-prioritisation 1 species-distribution-modelling 1 surrogates 1 zonation 1 randomized-search 1 ames-dataset 1 ames-housing 1 ames-housing-dataset 1 data-analysis 1 data-analytics 1 data-engineering 1 elasticnet 1 vcd 1 numpy 1 feature-importance 1 gene-expression-analysis 1 precision-medicine 1 ddpg 1 distributed-computing 1 fuzzy-controller 1 hyperparameter-optimization 1 influence-maps 1 openai-gym 1 pytorch 1 radio-astronomy 1 radio-telescopes 1 reinforcement-learning 1 sac 1 sagecal 1 td3 1 k-fold-cross-validation 1 knn 1 overfitting-reduced 1 what-is-elastic-net-regression 1 assumptions-in-regression 1 hydrology 1 amelia 1 ca 1 car 1 caret 1 corrplot 1 dplyr 1 leaps 1 psych 1 r-markdown 1 regression-analysis 1 relaxed-lasso 1 stepwise-regression 1 stringr 1 weight-of-evidence 1 data 1 decision-tree-classifier 1 jupyter 1 machine-learning-algorithms 1 ensemble-models 1