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

GitHub topics: ridge-regression

Faroja/Machine-Learning-Practice-5

Practice Machine Learning Model Complexity in Linear Model

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

Somnibyte/MLKit

A simple machine learning framework written in Swift 🤖

Language: Swift - Size: 3.28 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 152 - Forks: 14

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

alaa-aleryani/Final_Project

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

akash1188/Predictive-Analysis-ML

Explore ML mini-projects with Jupyter notebooks. Discover predictive analysis for commercial sales, leveraging regression models such as linear regression, decision trees, random forests, lasso, ridge, and extra-trees regressor.

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

exmnx/STA-HW

Work from various classes

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

SriramChowdaryMogalapu/surpriseHousing

Regression(Lasso and Ridge) model using regularization.

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

vishal017/Tourist_Place_Analysis

India tourist place analysis using Linear, Lasso and Ridge regression

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

SANJAIKUMAR-28/LossoAndRidge_Regression

Both Lasso and Ridge Regression are commonly used regularization techniques in linear regression that address the issue of overfitting

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

prakHr/NeuralNetworksAndFuzzyLogic

[College Course] - Course: BITS F312 Neural Network and Fuzzy Logic

Language: Jupyter Notebook - Size: 4.12 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 2

ASADAYUB1/NYC-Taxi-Fare-Prediction-with-Ridge-Regression-Random-Forests-and-Gradient-Boosting

In this project, I've trained a machine learning model to predict taxi fares for rides in New York City. The model takes into account details such as pickup date and time, pickup and drop-off locations, and the number of passengers.

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

lexxai/goit_python_ds_hw_04

Модуль 4. Класифікація та оцінка роботи моделі. Лінійна регресія: перенавчання та регуляризація

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

Tarek0Hisham/Diamond-Dataset

'Diamond ' is one of the best-known and most sought-after gemstones. They have been used as decorative items since ancient times. Today, we are gonna make a model to expect its price from the Diamond dataset.

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

dorisyan1122/Crime-Predictive-Modeling

Final Group Project for Advanced Data Science for Public Policy @ McCourt

Language: HTML - Size: 8.08 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

alexvlis/movie-recommendation-system

Movie Recommendation System using the MovieLens dataset

Language: Python - Size: 6.68 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 19 - Forks: 14

MuskanKhandelia/Toyota_Corolla_Price_Prediction

supervised-machine-learning-multiple-linear-regression-prediction

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

LuHG18/Predict-WAR

Analyze player statistics to forecast their future impact on team success, utilizing ML in Python.

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

cankobanz/understanding-supercapacitor-charge-discharge-rates-using-machine-learning

The project aims to design machine learning algorithm which is able to predict energy densities of supercapacitors by using input data that is enriched from the results came from image processing techniques.

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

sai-manas/Diamond_Price_Prediction

Diamond Price Predictor - Web Application: Predict diamond prices using various regression models: Linear Regression, Lasso, Ridge, ElasticNet, Decision Tree Regressor, Random Forest Regressor, and KNeighbors Regressor. The chosen Random Forest Regressor, with a remarkable accuracy of 97%, is deployed in a user-friendly Flask app

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

AmirInt/ridgie

As part of the UCSanDiego online course "Machine Learning Fundamentals"

Language: Python - Size: 28.3 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

Shipra-09/ML-Project-Multiple-Linear-Regression

Exploring Insights/Inferences by performing EDA on the given project data (50_Startups and Toyota Corolla data) . Model fitting via linear regression by Importing sklearn package. Selecting the best fitted model via python programming.

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

ShafakatArnob/BDRiceStudy-ProductionAnalysis-PricePrediction

A Comprehensive Study of Rice Production and Price in Bangladesh: Geospatial Visualization and Predictive Modeling Techniques.

Language: HTML - Size: 121 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

jman-9/linear-regression-practice

Practice of Linear Regression

Language: C++ - Size: 285 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

SrutiDutta/Insurance_Cost_Prediction

Predicting Insurance Cost

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

gsasikiran/Comparative-Evaluation-of-Pretrained-Transfer-Learning-Models-on-ASAG

Language: Python - Size: 3 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 11

edbonneville/validation-failed-EVT

Code and supplementary materials for the manuscript "Development and validation of a prediction model for failure of the transfemoral approach of endovascular treatment for large vessel occlusion acute ischemic stroke" (2023, Cerebrovascular Diseases))

Language: R - Size: 1.12 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

n8tlmps/credit-risk-assessment

evaluating credit default rate using statistical machine learning methods

Size: 830 KB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

marcNY/LinearRegMLCourse

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

dhanvina/EquiSight

Unveiling the Art of Stock Market Prognostication through Regression Algorithms. Delve into our research exploring the power of machine learning in predicting market trends. Discover the secrets behind top regression models like Linear, Robust, Ridge, and Lasso Regression. Unravel the complexities of the market with data-driven precision.

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

tristantcooper/MAST30034_Assignment1

Coding work for MAST30034 2021 Assignment 1.

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

sachink1729/Regression-Algorithms

This is my college practice work, where i try to learn and cover all the regression algorithms (preferably in python)

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

simran2097/ServiceNow-Stock-Prediction

Machine Learning & Python in Finance

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

ahmad-sohrabi/regression_classification

It is a project with 2 parts. The First Part is a Regression & the second part is a classification problem. Datasets are obtained from Kaggle.

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

Shivank1006/Regression_Analysis_on-Boston-House_Dataset

Data Science Assignment

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

OmkarKadam2002/Regression-Attempt-

House Prices using 6 Regression models

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

MohammedAhdal/Predicting-Taxi-out-Delay

Kaggle task on JFK dataset for supervised machine learning (Linear Regression)

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

TaoSunVoyage/Higgs_ML

Higgs Boson Machine Learning Challenge - Numpy only solution

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

SrutiDutta/Ridge_Regression--Delivery-Time-Analysis

Using Ridge Regression & Simple Linear Regression to predict Delivery time

Language: HTML - Size: 485 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

nekcht/ml-classic-scratch

Ordinary Least Squares, Ridge Regression, Expectation Maximization, Full Bayesian Inference, Bayes Classifiers, kNN, and MLP core algorithms from scratch. Some auxiliary functions are also used.

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

Alexdruso/II2202-Research-Quantum-ML-Sanvito-Stuart

This repository contains the code for the experiments performed in the course II2202 Research Methodology and Scientific Writing at KTH. The experiments involve running quantum algorithms on DWave's quantum annealers.

Language: Python - Size: 291 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

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

zabihin/Walmart_Sales

Block 3 - Walmart_Sales

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

mukul-bhele/airqualityindex

Predicting Air Quality Index (AQI) using meteorological parameters and various machine learning models. Regression analysis with Linear Regression, Lasso, Ridge, Random Forest, XGBoost, and Artificial Neural Network (ANN).

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

snigdhab7/RegressionAlchemy

Explore Linear Regression with Gradient Descent, Stochastic Gradient Descent, and Ridge Regression. Uncover algorithmic insights in data modeling. 📊🎶🚀

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

Apaulgithub/Bike_Sharing_Demand_Prediction

This Machine Learning Project based on Rental Bike Sharing Demand Prediction required at each hour of the day so that stable supply of rental bikes can be made possible. This is done by applying various Regression Machine Learning Algorithms.

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

SINGHxTUSHAR/Forest-Fire-Prediction-RidgeRegression

This model predicts the forest fire by using the Ridge-Regression algorithm.

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

am-tropin/poland-apartment-prices

🇵🇱🏠 The project predicts an apartment price for Warsaw, Krakow and Poznan. Distributed apartments by districts using geopandas; built XGBoost model with MAPE = 9% (the best of others).

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

fatih-ml/car-price-prediction-linear-regression-algorithms

Explore accurate car price prediction through advanced feature engineering and linear regression algorithms, unraveling insights from a 2019 dataset sourced from a prominent online car trading company.

Language: Jupyter Notebook - Size: 4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year 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

NikolaAndro/Water_Quality_Prediction

Predicting the water quality index based on the parameters that are acquired from waters of India.

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

romanwerpachowski/ML

ML++ and cppyml: efficient implementations of selected ML algorithms, with Python bindings.

Language: C++ - Size: 7.59 MB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 0

mzachow/wheat-yield-forecast-brazil

Ridge regression to forecast wheat yield variabilities for Brazil using observed and forecasted climate data.

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

zhangchicheng/Machine-Learning-in-Numpy

Implement Basic Machine Learning Algorithms from Scratch

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

Owinnie/MLearn

Machine Learning projects

Language: Jupyter Notebook - Size: 4.36 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - 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

unnatibshah/LASSO-and-Boosting-for-Regression

LASSO and Boosting for Regression on Communities and Crime data

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

vivek2319/Advanced-Regression-Methods

This repository focuses on different linear regression methods which are uncommon.

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

MBKraus/Predicting_real_estate_prices_using_scikit-learn

Predicting Amsterdam house / real estate prices using Ordinary Least Squares-, XGBoost-, KNN-, Lasso-, Ridge-, Polynomial-, Random Forest-, and Neural Network MLP Regression (via scikit-learn)

Language: Python - Size: 870 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 142 - Forks: 51

0x4249/LMBGE

Julia code for running the numerical experiment in Subsection 4.6.2 of Brian Irwin's PhD thesis.

Language: Julia - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ferdiUP/machine-learning

Classical ML algorithms implementation.

Language: R - Size: 16.6 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

pierogio/ML_regressions

Application of Machine Learning Regression to Housing Data.

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

Vivikt-573/House_Price_Prediction

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

theablemo/ML-assignments

This repository contains the practical assignments for the Machine Learning course taught by Dr.Mohsen Ansari in Spring semester of 2023 at Sharif University of Technology

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

YiranJing/Coronavirus-Epidemic-COVID-19

👩🏻‍⚕️Covid-19 estimation and forecast using statistical model; 新型冠状病毒肺炎统计模型预测 (Jan 2020)

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

sonwaneshivani/Fire-Weather-Index-Prediction

ML Regression application built using Flask

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

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: almost 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 6

annieyan/Stochastic_dual_coordinate_ascent

classify mnist datasets using ridge regression, optimize the algorithem with SGD, stochastic dual coordinate ascent, and mini-batching

Language: Python - Size: 10.7 KB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 2

Moozzaart23/py-Regressor

Implementation of Gradient-Descent algorithms in python from scratch

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

ashishyadav24092000/LInear-Ridge-Lasso-Regression

Performing all the three regression i.e. Linear, Ridge, Lasso for a dataset.

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

xadityax/ML-Models-from-scratch

Various machine learning models written from scratch.

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

xadityax/MLE-and-Simple-Linear-Regression

Foundations of Data Science. Linear regression, Logistic Regression implemented from scratch. Lasso and Ridge regression.

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

marcotav/machine-learning-regression-models

This repository contains only projects using regression analysis techniques. Examples include a comprehensive analysis of retail store expansion strategies using Lasso and Ridge regressions.

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

gosuddin/machine-learning-for-finance

ML Coursework focused on solving Computational Finance and Risk Assessment models

Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 9

vaitybharati/Ridge_Lasso_ElasticNet

Model Building and Testing using Ridge, Lasso and ElasticNet Methods

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

NikhilaThota/CapstoneProject_House_Prices_Prediction

Understand the relationships between various features in relation with the sale price of a house using exploratory data analysis and statistical analysis. Applied ML algorithms such as Multiple Linear Regression, Ridge Regression and Lasso Regression in combination with cross validation. Performed parameter tuning, compared the test scores and suggested a best model to predict the final sale price of a house. Seaborn is used to plot graphs and scikit learn package is used for statistical analysis.

Language: Jupyter Notebook - Size: 7.91 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 18 - Forks: 13

sudeshnapal12/Machine-Learning-algorithms-Matlab

Contains ML Algorithms implemented as part of CSE 512 - Machine Learning class taken by Fransico Orabona. Implemented Linear Regression using polynomial basis functions, Perceptron, Ridge Regression, SVM Primal, Kernel Ridge Regression, Kernel SVM, Kmeans.

Language: TeX - Size: 27.9 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 3

2015xli/linear-regression

A simple tutorial on linear regression in python

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

Nemshan/predicting-Paid-amount-for-Claims-Data

Introduction The context is the 2016 public use NH medical claims files obtained from NH CHIS (Comprehensive Health Care Information System). The dataset contains Commercial Insurance claims, and a small fraction of Medicaid and Medicare payments for dually eligible people. The primary purpose of this assignment is to test machine learning (ML) skills in a real case analysis setting. You are expected to clean and process data and then apply various ML techniques like Linear and no linear models like regularized regression, MARS, and Partitioning methods. You are expected to use at least two of R, Python and JMP software. Data details: Medical claims file for 2016 contains ~17 millions rows and ~60 columns of data, containing ~6.5 million individual medical claims. These claims are all commercial claims that were filed by healthcare providers in 2016 in the state of NH. These claims were ~88% for residents of NH and the remaining for out of state visitors who sought care in NH. Each claim consists of one or more line items, each indicating a procedure done during the doctor’s visit. Two columns indicating Billed amount and the Paid amount for the care provided, are of primary interest. The main objective is to predict “Paid amount per procedure” by mapping a plethora of features available in the dataset. It is also an expectation that you would create new features using the existing ones or external data sources. Objectives: Step 1: Take a random sample of 1 million unique claims, such that all line items related to each claim are included in the sample. This will result in a little less than 3 million rows of data. Step 2: Clean up the data, understand the distributions, and create new features if necessary. Step 3: Run predictive models using validation method of your choice. Step 4: Write a descriptive report (less than 10 pages) describing the process and your findings.

Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 17 - Forks: 11

SiluPanda/ridge-and-lasso-regression

implementation of ridge and lasso regression from scratch

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

Apaulgithub/CodeClauseInternship_Price_Recommendation

Code Clause Internship Project: Optimize your online selling strategy with the machine learning-based price recommendation tool, maximizing competitiveness and revenue.

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

fbalensiefer/Machine_Learning_R

Statistical Learning in R

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

mayankparihar98/Car_Price_Prediction

A simple Streamlit WebApp, which can predict Car Price with Machine Learning Models such as Linear Regression, Ridge Regression, and Lasso Regression.

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

giuseppe-coco/ValorediMercato

Regressor predicting the market value of footballers

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

lukebella/SpotifyRegression

Implementation of (Kernel) Ridge Regression predictors from scratch on Kaggle's Spotify Tracks Dataset.

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

aakashsyadav1999/online-retail-dataset

This is a transnational data set which contains all the transactions occurring between 01/12/2010 and 09/12/2011 for a UK-based and registered non-store online retail.The company mainly sells unique all-occasion gifts. Many customers of the company are wholesalers.

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

IssamLL/Wining-Solution-ENSIAS-AI-ML-Competition

This repository contains the winning solution for the Energy Consumption Prediction Kaggle competition, securing second place.

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

TheGreatRico/time-series-prediction

Predicting time series using various models.

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

rj425/House-Prices-Prediction

This repository contains the code for house prices prediction competition hosted on Kaggle.

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

nemolino/TrackPopularityPredictor

Statistical Methods for Machine Learning project

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

sfansaria/Machine-Learning

ols_regression, Simple_Linear_Regression,univariate_Polynomial_Regression,Bayesian_Regression

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

DSkapinakis/supplier-selection-ml-models

Development of a predictive model that selects the most cost efficient supplier for a given task

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

yasarigno/Predictions_on_Energy_Consumption_in_Seattle

Prediction on energy consumptions of the city of Seattle in order to reach its goal of being a carbon neutral city in 2050.

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

Abir0810/firm_business_prediction_model

Language: Python - Size: 130 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Abir0810/bloom-model-using-regression-analysis

Predict whether it will bloom or not , it will be predicted by regression analysis.

Language: Python - Size: 1000 Bytes - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

faizanxmulla/machine-learning-techniques

Repository containing introduction to the main methods and models used in machine learning problems of regression, classification and clustering.

Language: Jupyter Notebook - Size: 8.63 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 20 - Forks: 7

natmurad/regularization

Regularization methods on R

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

ShreyaPatil1199/Life_Expectancy

The overall objective of this project is to critically analyze and develop the relationships of quantitative factors affecting life expectancy in 193 countries between 2000 and 2015 that underlie changes in life expectancy. The importance of predicting life expectancy arises because of its important role as an indicator of the overall health.

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

bhushan23/ADMM

Implemented ADMM for solving convex optimization problems such as Lasso, Ridge regression

Language: Jupyter Notebook - Size: 735 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 107 - Forks: 27

MathCortes/Projeto9-BostonHousing-ML_Regression

Nesse trabalho vou explorar uma conhecida base, boston dataset. Nela encontramos informações sobre algumas características de casas. Queremos estudar o comportamento dos preços desses imóveis para futuramente conseguirmos prever seus preços

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

Related Keywords
ridge-regression 620 lasso-regression 368 linear-regression 299 machine-learning 243 python 145 regression 87 random-forest 87 logistic-regression 75 pandas 66 data-science 60 numpy 56 scikit-learn 53 polynomial-regression 52 regression-models 48 jupyter-notebook 47 machine-learning-algorithms 45 seaborn 44 decision-trees 39 regularization 39 matplotlib 37 xgboost 37 sklearn 34 data-visualization 33 exploratory-data-analysis 32 python3 32 eda 31 feature-engineering 29 cross-validation 28 r 28 data-analysis 26 elastic-net 23 neural-network 23 random-forest-regression 23 elasticnet-regression 23 pca 22 predictive-modeling 21 knn-regression 21 gradient-boosting 21 multiple-linear-regression 21 svm 21 gradient-descent 20 lasso 19 house-price-prediction 19 xgboost-regression 18 supervised-learning 18 knn 18 decision-tree 18 elasticnet 17 gridsearchcv 17 knn-classification 17 classification 17 regression-analysis 17 stochastic-gradient-descent 16 elastic-net-regression 16 decision-tree-regression 15 svm-classifier 14 support-vector-machines 14 hyperparameter-tuning 14 naive-bayes-classifier 13 matplotlib-pyplot 13 statistics 13 ols-regression 13 flask 12 lasso-regression-model 12 tensorflow 11 clustering 11 principal-component-analysis 11 regression-algorithms 10 lightgbm 10 prediction 10 boosting 10 artificial-intelligence 10 bagging 10 machinelearning 10 pipeline 10 gradient-boosting-regressor 10 feature-selection 9 elasticnetregression 9 gaussian-mixture-models 9 ensemble-learning 9 kaggle 9 data-cleaning 9 statsmodels 9 scikitlearn-machine-learning 9 time-series 9 support-vector-regression 8 visualization 8 decision-tree-classifier 8 l2-regularization 8 naive-bayes 8 randomforestregressor 8 kmeans-clustering 8 data 8 deep-learning 8 ridge-regression-model 7 support-vector-machine 7 svr 7 streamlit 7 random-forest-regressor 7 ordinary-least-squares 7