An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with polynomial-regression

A curated list of projects in awesome lists tagged with polynomial-regression .

https://github.com/nishkarshraj/100daysofmlcode

My journey to learn and grow in the domain of Machine Learning and Artificial Intelligence by performing the #100DaysofMLCode Challenge. Now supported by bright developers adding their learnings :+1:

100daysofcode 100daysofmlcode artificial-intelligence artificial-neural-networks big-data classification classification-algorithm deep-learning generative-ai hacktoberfest linear-algebra linear-regression llm machine-learning neural-networks polynomial-regression python regression regression-models scikitlearn-machine-learning

Last synced: 15 May 2025

https://github.com/elcorto/pwtools

pwtools is a Python package for pre- and postprocessing of atomistic calculations, mostly targeted to Quantum Espresso, CPMD, CP2K and LAMMPS. It is almost, but not quite, entirely unlike ASE, with some tools extending numpy/scipy. It has a set of powerful parsers and data types for storing calculation data.

ase cp2k cpmd kernel-regression kernel-ridge-regression lammps molecular-dynamics multivariate-regression parameter-sweep polynomial-regression postprocessing preprocessing python quantum-espresso quasi-harmonic-approximation radial-basis-function radial-distribution-function radial-pair-correlation-function sqlite

Last synced: 31 Jan 2025

https://github.com/jbboehr/polynomialregression.php

Calculates and returns coefficients for polynomial regression. (composer package)

deus-vult linear-regression php php-library php8 polynomial-regression

Last synced: 28 Apr 2025

https://github.com/mostafaelhoushi/fos

Implementation of Fast Orthogonal Search (FOS) Algorithm in MATLAB

polynomial-regression regression signal-analysis system-identification

Last synced: 14 Apr 2025

https://github.com/paescebu/polynomialregressionswift

Swift function for calculation of the polynomial regression (least squares fitting) of a given set of points.

ios ipados iphone macosx math polynomial polynomial-regression polynomials swift swift4 swift5

Last synced: 23 Jan 2025

https://github.com/shaadclt/height-prediction-polynomialregression

This project involves predicting height based on age using polynomial regression in Jupyter Notebook. Polynomial regression is a variation of linear regression that models the relationship between the independent variable (age) and the dependent variable (height) as an nth-degree polynomial.

linear-regression polynomial-features polynomial-regression

Last synced: 10 Apr 2025

https://github.com/bernardjezua/qsps

QSPS: Quadratic Spline and Polynomial Solver - R Shiny App

polynomial-regression quadratic-spline-interpolation r r-shiny r-shiny-app

Last synced: 23 Mar 2025

https://github.com/mrp-78/implement-regression

Implement Linear and Polynomial Regression from scratch

linear-regression polynomial-regression

Last synced: 23 Apr 2025

https://github.com/jxareas/statistical-learning-models

Essential Statistical Learning Methods for Feature Selection, Regression, Classification & Clustering.

linear-regression logistic-regression polynomial-regression

Last synced: 14 Mar 2025

https://github.com/mahmoudnamnam/nyc_taxi_trip_duration_predection

The project aims to predict NYC taxi trip durations using advanced regression techniques. We utilized Polynomial Linear Regression, Ridge Regression, and Lasso Regression for feature extraction and achieved a validation R² score of 0.67. Feature engineering included KMeans clustering, Haversine distance calculation, and date-time feature extraction

clustering jupyter-notebook lasso-regression pandas polynomial-regression ridge-regression sklearn

Last synced: 09 Feb 2025

https://github.com/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.

data-visualization linear-regression model-comparison polynomial-regression salary-prediction

Last synced: 08 Apr 2025

https://github.com/brian-gl/calculator-bridge-courseroom

CourseRoom Bridge Used By CourseRoom Calculator To Run Evolutive Polinization Optimization Algorithm To Resolve Lineal And Polynomial Regression To Predict Scores

artificial-intelligence bridge evolutionary-algorithm http linear-regression matlab optimization-algorithms polynomial-regression prediction python rest-api

Last synced: 20 Feb 2025

https://github.com/amatofrancesco99/covid-19_new-cases-prediction

Covid-19 fourth wave it's close in Italy, but how we can know when the situation starts to be critical? We want to predict the new cases future trend, with a good model, knowing what happened in previous days.

covid-19 covid-19-italy data-science jupyter-notebook lasso-regression linear-regression new-cases polynomial-regression python ridge-regression spline-regression

Last synced: 16 Mar 2025

https://github.com/nurulashraf/comparative-regression-fish-dataset

This analysis compares multiple linear regression and polynomial regression models using fish measurement data. It evaluates prediction accuracy through MSE, RMSE, R², and Adjusted R², and tests model performance on newly generated dummy data.

data-science linear-regression machine-learning polynomial-regression

Last synced: 06 May 2025

https://github.com/yoyolicoris/ML_HW1

My implementation of homework 1 for the Machine Learning class in NCTU (course number 5088).

linear-regression machine-learning polynomial-regression regularization

Last synced: 03 Feb 2025

https://github.com/yoyolicoris/ml_hw1

My implementation of homework 1 for the Machine Learning class in NCTU (course number 5088).

linear-regression machine-learning polynomial-regression regularization

Last synced: 02 Apr 2025

https://github.com/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.

jupyter-notebook linear-regression machine-learning multiple-linear-regression notebooks pipeline polynomial-regression quarto regression ridge-regression

Last synced: 05 Apr 2025

https://github.com/deepramazumder/bike-sharing-count-prediction

A Machine Learning project to predict bike-sharing counts using regression models, including linear, polynomial, and regularized techniques

elastic-net-regularization lasso-regularization linear-regression polynomial-regression ridge-regularization

Last synced: 23 Feb 2025

https://github.com/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.

cross-validation data-science data-visualization grid-search machine-learning model-optimization mse overfitting-prevention polynomial-regression python r2-score regression-analysis regularization ridge-regression rmse scikit-learn

Last synced: 20 Feb 2025

https://github.com/pierre-fromager/polyregress

Polynomial regression

datafit polynomial-regression

Last synced: 01 Mar 2025

https://github.com/aninditaguha98/global-warming-predictions-and-visualisations

A web application that illustrates the rate at which this change is happening globally, predicting various factors and visualize the correlations among various these factors.

dash gapminder-analysis linear-regression plotly polynomial-regression python

Last synced: 02 Mar 2025

https://github.com/deliprofesor/health-score-prediction-model-the-impact-of-lifestyle-and-demographic-factors

A machine learning project predicting health scores based on lifestyle and demographic factors like age, BMI, diet, and exercise. Techniques include Random Forest, Polynomial Regression, and Linear Regression, with a focus on model performance and actionable health insights.

cross-validation data data-science data-visualization feature-engineering linear-regression machine-learning polynomial-regression random-forest

Last synced: 10 Apr 2025

https://github.com/farooqueesamiya/regression-models-for-salary-prediction

In this repository, we will investigate various regression models to predict whether an individual being interviewed is misrepresenting their salary.

decision-tree-regression polynomial-regression random-forest regression-models salary-prediction support-vector-regression

Last synced: 17 Mar 2025

https://github.com/nguyennhukhanh/polynomial-regression

Building Polynomial Regression with Typescript

polynomial-regression polynomialregression typescript

Last synced: 02 Mar 2025

https://github.com/yashmittalz/hr-s-salary-calculation

A machine learning project that uses polynomial regression to predict employee salaries based on experience levels, improving accuracy for non-linear salary structures.

machine-learning non-linear-regression polynomial-regression salary-calculator

Last synced: 16 Jun 2025

https://github.com/kolbewilliams/python-linear-regression-and-polynomial-curve-fitting

This project consists of 2 python programs. One allows the user to input a set of data points, and the range of slopes and intercepts they want to test. The program finds the optimal regression line by calculating the error of each slope, intercept combination. The second program performs polynomial curve fitting on user provided data points.

linear-regression polynomial-regression python

Last synced: 18 Mar 2025

https://github.com/alphacrypto246/stock-price-movement-prediction

A project leveraging Polynomial Regression to predict stock price movements based on historical data. Includes data preprocessing, feature engineering, visualization, and model evaluation to provide insights for informed trading decisions.

machine-learning numpy pandas polynomial-regression scikit-learn yfinance

Last synced: 05 Apr 2025

https://github.com/charan-akula/rank-prediction-of-a-puc-students-rgukt-rkv-based-on-their-cgpa

It is a Machine Learning it predicts the Ranks of a PUC students who are studying in the RGUKT RKV , based on their CGPA in this model initially i used linear regression , to predict the Ranks but later based on the data visualization i realised to used polynomial Regression to get more accuracy , so this model uses polynomial regression algorithm

linear-regression machine-learning-algorithms polynomial-regression

Last synced: 05 Apr 2025

https://github.com/frgfm/sdcnd-p2-advanced-lane-finding

Advanced lane finding project of Udacity Self-Driving Car Engineer Nanodegree

camera-calibration lane-detection lane-finding opencv polynomial-regression self-driving-car

Last synced: 22 Jun 2025

https://github.com/hokagem/damagedlogginganalyzer

A project about an analization of a statistic of damaged logging (wood) in Germany using Python.

analysis csv csv-parser k-fold-cross-validation numpy pandas pandas-dataframe pandas-python polynomial-regression scikit-learn statistics wood

Last synced: 29 Mar 2025

https://github.com/1adityakadam/weather-history-data-analysis-and-predictive-modeling

The Weather-History-Data-Analysis-and-Predictive-Modeling project predicts weather patterns using regression models and correlation analysis, visualizes relationships, & uses K-Fold cross-validation to enhance model robustness

linear-regression polynomial-regression regularization

Last synced: 05 Apr 2025

https://github.com/knetic0/concrete-compressive-strength-predictor

🔥 Concrete Compressive Strength Predictor - using KNNR & PR Algorithms.

k-nearest-neighbours k-nearest-neighbours-regressor knnr polynomial-regression predictor

Last synced: 04 Apr 2025

https://github.com/neuraladitya/polynomial_regression_c

A high-performance polynomial regression implementation in pure C with gradient descent optimization and visualization support.

algorithm-implementation c-programming csv-processing data-science data-visualization high-performance-computing machine-learning numerical-computing polynomial-regression regression-analysis

Last synced: 05 Apr 2025

https://github.com/abdulrahmanaymann/data-mining

data mining project involving two tasks: a regression problem and a classification problem.

classification data-mining imputation jupyter-notebook knn linear-regression outlier-detection polynomial-regression preprocessing python regression scaling

Last synced: 21 Mar 2025

https://github.com/nika2811/new-york-city-taxi-fare-prediction

About In this project using New York dataset we will predict the fare price of next trip. The dataset can be downloaded from https://www.kaggle.com/kentonnlp/2014-new-york-city-taxi-trips The dataset contains 8 features along with GPS coordinates of pickup and dropoff

data data-preprocessing data-visualization decision-trees feature-engineering kaggle kaggle-competition linear-regression machine-learning neural-network nyc polynomial-regression ridge-regression scikit-learn taxi taxi-data tensorflow xgboost

Last synced: 06 Apr 2025

https://github.com/ebadshabbir/bluff-detection-model-polynomial_regression-

This project predicts employee salaries based on position levels using Linear and Polynomial Regression models. It trains models with degrees 2, 3, and 4 on a dataset of job titles, position levels, and salaries, and predicts the salary for a position level of 6.5. The results are visualized to compare model performance.

jupyter-notebook linear-regression machine-learning matplotlib-pyplot multiple-linear-regression numpy polynomial-regression python

Last synced: 06 Apr 2025

https://github.com/steq28/polynomial-regression

Polynomial Regression with Gradient Descent using PyTorch. This repo includes functions for plotting polynomials, generating noisy datasets, and training a linear regression model. Features visualizations for loss tracking and coefficient comparison.

gradient-descent polynomial-regression

Last synced: 22 Mar 2025

https://github.com/swapnanildutta/polynomial-regression

Data analysis and visualization on Polynomial Regression using EA Sports FIFA 19 player roster database.

data-science data-visualization fitting-polynomials hacktoberfest hactoberfest2020 machine-learning polynomial-regression python3

Last synced: 25 Feb 2025

https://github.com/anrsgrl/regressions

This project contains examples of Linear, Polynomial, and Logistic Regression models implemented using Python. Explore how different regression techniques can be applied to various datasets 🤖

deep-learning linear-regression logistic-regression mahine-learning polynomial-regression regression scikit-learn

Last synced: 06 Apr 2025

https://github.com/geraq/decision_regions

A little experiment to assest linear and polynomial decision regions in logistic regression.

julia logistic-regression polynomial-features polynomial-regression

Last synced: 22 Mar 2025

https://github.com/type0-1/salary-truth-predictor

A supervised machine learning regression model. Includes problem statement, approach to solution, code, images, dataset, and Jupyter Notebook for interactive analysis.

linear-regression machine-learning matplotlib-pyplot ml numpy pandas polynomial-regression projects scikitlearn-machine-learning support-vector-regression

Last synced: 14 May 2025

https://github.com/ayumu098/machine-learning

This is a simple repository of projects that utilize machine learning fundamentals, made as part of the requirements for COE197ML Foundations of Machine Learning (Academic Year 2022-2023) under the Electrical and Electronics Engineering Institute of the University of the Philippines Diliman.

homography polynomial-regression

Last synced: 15 May 2025

https://github.com/fauzancodes/statistic-calculator

calculate root mean square, variance, standard deviation, skewness, percentile covariance, pearson product-moment correlation coefficient, spearman correlation coefficient, kendall correlation coefficient, determination coefficient, slope, equation and plot of linear and polynomial regression degree 2 and 3 in various way using python library math, statistics, numpy, scipy and scikit-learn

covariance determination-coefficient equation intercept kendall-correlation-coefficient linear-regression mean median mode pearson-correlation percentile plot polynomial-regression root-mean-square skewness slope spearman-correlation-coefficient standard-deviation statistics variance

Last synced: 23 Mar 2025

https://github.com/pejpero/machine_learning

This repository contains two comprehensive machine learning projects using scikit-learn, demonstrating ensemble learning with a Voting Classifier and the comparison of linear and polynomial regression models on different datasets.

ensemble-learning linear-regression logistic-regression machine-learning polynomial-regression random-forest scikit-learn svm

Last synced: 07 Apr 2025

https://github.com/mahdibehoftadeh/polynomial-regression-co2-emissions

A simple machine learning polynomial regression using a large dataset to learn and predict CO2 emission of a car by its built features like engine size and cylinders

machine-learning matplotlib numpy nural-network pandas polynomial-regression python scikit-learn

Last synced: 07 Apr 2025

https://github.com/kisaa-fatima/bitcoin-daily-price-forecasting-using-time-series-analysis

This project involves exploring, building, and evaluating different time series forecasting models to predict the daily closing prices of Bitcoin. The models compared include Linear Regression, Polynomial Regression, and ARIMA.

analysis arima-model linear-regression machine-learning-algorithms polynomial polynomial-regression preprocessing python

Last synced: 16 May 2025

https://github.com/ascillitoe/probe-subspaces

Datasets and example code used in the 2020 ASME Turbo Expo Paper "Design space exploration of stagnation temperature probes via dimension reduction".

cfd data-science dimension-reduction effective-quadratures polynomial-regression temperature-probe temperature-sensor

Last synced: 23 Mar 2025

https://github.com/msikorski93/abalone-age-prediction-classification-or-regression-task-improving-model-performance

The age of an abalone can be estimated by cutting its shell, staining it, and counting the number of rings in the shell through a microscope. However, this process is time-consuming, boring, and can cause death to the creature. Therefore, it is necessary to find another non-collision method for age estimation. Other physical measurements, which are easier to collect, can be used to determine the age. The subject of this notebook was to estimate the number of rings based on other independent features: either as a continuous value or as a classification problem. The task was completed successfully and we built our predictive models. With this dataset we are able to perform both regression and classification. We developed two supervised machine learning algorithms with scikit-learn library: polynomial regression and k-nearest neighbors. We also looked up for some techniques to tune up and improve their performance.

classification knn-classification polynomial-regression regression tuning-parameters

Last synced: 09 Jan 2025

https://github.com/alisatodorova/ml-groupwork-1

Group work on Supervised Learning (Linear and Polynomial Regression, Classification), and Unsupervised Learning (Clustering)

classification clustering linear-regression machine-learning polynomial-regression supervised-learning unsupervised-learning

Last synced: 15 Mar 2025

https://github.com/msikorski93/diamond-price-modelling-based-on-their-attributes

The purpose of this notebook is to develop an automated function to predict the price of a diamond based on its given features (cut, color, dimensions, etc.). We will create a machine learning model which can estimate these values. We need to find continuous data, so we will perform a regression task. We will use supervised learning to find the prices.

adaboost-regressor exploratory-data-analysis knearest-neighbor-algorithm polynomial-regression random-forest regression-analysis

Last synced: 10 Jun 2025

https://github.com/barasedih11/polynomial-regression

Implementing polynomial regression using sckit-learn

machine-learning polynomial-regression sckiit-learn

Last synced: 24 Nov 2024

https://github.com/zakircodearchitect/model-capacity-in-regression-analysis

This project examines how model complexity and training size impact prediction stability in polynomial regression. By analyzing models of degrees 1 to 4 with confidence intervals, we gain insights into balancing overfitting and underfitting for optimal model selection.

linear-regression machine-learning polynomial-regression univariate-regressions

Last synced: 19 Feb 2025

https://github.com/ddeepanshu-997/polynomial_regression_in-machine_learning

In this project i am performing the polynomial regression on the given dataset , initially i performed some data preprocessing technique in order to filter out the data flaws then undergoes the process of model building i.e polynomial regression

data-science machine-learning polynomial-regression regression regression-algorithms regression-analysis regression-models

Last synced: 28 Feb 2025

https://github.com/beliavsky/starpac

Standards Time Series and Regression Package, a library of Fortran subroutines for statistical data analysis developed by the Statistical Engineering Division of the National Institute of Standards and Technology

arima autocorrelation fft forecasting gamma-function nonlinear-least-squares periodogram polynomial-regression rng statistics time-series-analysis

Last synced: 25 Mar 2025

https://github.com/bkataru/physics-e.e

Project repository for IB physics extended essay. Topic: Predictive data modeling of a variable binary star’s brightness over a period of time using astrostatistics.

astrometry astronomical-algorithms astronomical-images astronomy astrophotography astrostatistics data-analysis data-science data-visualization modeling physics polynomial-regression regression-analysis

Last synced: 09 Apr 2025

https://github.com/msikorski93/linear-regression-from-scratch

Different solutions of linear and polynomial regression made from scratch.

from-scratch linear-regression numpy polynomial-regression tensorflow

Last synced: 19 Feb 2025