regression-model
There are 170 repositories under regression-model topic.
dheerajpoonia29/athleteInjuryRecoveryPrediction-projectMlSih
Machine learning-based application for predicting the injury recovery time period a sports person based on injury type and diet plan.
ahmetozlu/nonlinear_regression_keras
Training of a neural network for nonlinear regression prediction with TensorFlow and Keras API.
Sakib1263/VGG-1D-2D-Tensorflow-Keras
Models Supported: VGG11, VGG13, VGG16, VGG16_v2, VGG19 (1D and 2D versions with DEMO for Classification and Regression).
GZHU-Image-Lab/NBIQA
A NOVEL BLIND IMAGE QUALITY ASSESSMENT METHOD BASED ON REFINED NATURAL SCENE STATISTICS
alegonz/otokuna
A system and web app to discover good deals of rental properties, built and automated on a serverless architecture.
Pratik94229/Bike-Sharing-Demand-Prediction-End-to-End-Project
This project aims to develop a machine learning model that predicts the demand for bike sharing in a given location. By analyzing historical data on weather conditions, day of the week, and other factors, we aim to create a model that can accurately forecast the number of bikes that will be rented at different times.
bissessk/Regression-Analysis-of-COVID-19
The objective of this project is to study the COVID-19 outbreak using basic statistical techniques and make short term predictions using ML regression methods.
cltl/a-proof-zonmw
Detecting the functioning level of a patient from a free-text clinical note in Dutch.
mukulsinghal001/USA-Housing-Price-Prediction
In this project I have implemented 14 different types of regression algorithms including Linear Regression, KNN Regressor, Decision Tree Regressor, RandomForest Regressor, XGBoost, CatBoost., LightGBM, etc. Along with it I have also performed Hyper Paramter Optimization & Cross Validation.
Nehaal-Patel/Machine-Learning-Regression-Models
This repo covers the basic machine learning regression projects/problems using various machine learning regression techniques and MLP Neural Network regressor through scikit learn library
hfpmatheus/rossmann_store_sales
Previsão de vendas de uma rede de farmácias.
nabilalibou/Uber_Fare_Prediction_Explained
This repository documents a complete ML workflow to model Uber fares in Paris, from granular EDA and feature engineering to building and fine-tuning a stacking regressor on 10k real-world rides.
niheon/machine-learning
Machine learning projects to showcase applications of ML in various industries/disciplines/fields
Pratik94229/Diamond-Price-Prediction-End-to-End-Project
This project focuses on developing a machine learning model to predict the price of diamonds based on various attributes. By analyzing a dataset that includes information about the carat weight, cut, color, clarity, and other factors, we aim to create a model that can accurately estimate the price of diamonds.
Azie88/Estimated-Time-of-Arrival-ETA-Prediction
Creating an ML model to predict the estimated time of arrival at the dropoff point for a single journey on a ride-hailing app.
rohitgit1/Machine-Learning-Training
Summer Training on Machine Learning by Internshala, powered by Analytics Vidhya,
AshNumpy/Regression-Analysis-for-Car-Company
This project is a study that performs statistical regression analysis for a car buying, selling, and rental company and predicts the total revenue using multiple linear regression based on the analysis
bala-1409/Price-Prediction-for-Used-Cars-Datascience-Project
This project uses machine learning to predict the price of a used car. The model is trained on a dataset of historical car sales data, and it can then be used to predict the price of a car based on its features.
DevDerpi/ML-VideoGameSalesPrediction
Global video game sales prediction from year 2008 to 2014 approximately using linear regression and decision tree regression with manipulating min_sample_split hyperparameter to achieve higher accuracy /lower overfitting
hasanulmukit/EcoSphereAI
EcoSphereAI is a sustainable, AI-driven platform optimizing connectivity systems with features like energy optimization, predictive maintenance, and sustainability reporting. Build the future of efficient and green networks!
jared-fowler/prettyglm
prettyglm provides a set of functions which can easily create beautiful coefficient summaries which can readily be shared and explained.
loyalmandal/Cab-Fare-Prediction
Data Science project on Cab Fare Prediction, Machine learning algorithms are used to develop a regression model. Problem Statement : The project is about a cab company who has done its pilot project and now they are looking to predict the fare for their future transactional cases. As, nowadays there are number of cab companies like Uber, Ola, Meru Cabs etc. And these cab companies deliver services to lakhs of customers daily. Now it becomes really important to manage their data properly to come up with new business ideas to get best results. In this case, earn most revenues. So, it becomes really important estimate the fare prices accurately.
lschwenke/GraphNodeAttention
This is the experiment code for the publication "Identifying Informative Nodes in Attributed Spatial Sensor Networks using Attention for Symbolic Abstraction in a GNN-based Modeling Approach".
arthur-bouton/ModelTree
Oblique and straight model trees for regression
Asma-Rashidian/Predicting-Cancer-and-Liver-Disease-Using-NHANES-Dataset
The goal of this project is to build regression models to predict the occurrence of cancer and liver disease using the National Health and Nutrition Examination Survey (NHANES) data.
ektab3/Automated-Predictive-Maintenance-System
This project sketches out an entire business plan for designing and launching Automated Predictive Maintenance System from scratch
ginny100/ANN-for-Regression
CSCI 4371: Machine Learning - Final Project
harshityadav95/Machine-Learning-Notes
My Notes as i dive into Machine Learning , Datascience , Deployment , Devops
kochlisGit/Wine-Preference-Analysis
The purpose of this work is the modeling of the wine preferences by physicochemical properties. Such model is useful to support the oenologist wine tasting evaluations, improve and speed-up the wine production. A Neural Network was trained using Tensorflow, which was later tuned in order to achieve high-accuracy quality predictions.
SQUADRON-LEADER/EcoPredict-AI
EcoPredict AI is a powerful, AI-driven solution for predicting Greenhouse Gas (GHG) emissions based on user-input industry data. Designed for environmental sustainability initiatives, EcoPredict AI utilizes machine learning models to deliver accurate carbon emission predictions and is deployed via Streamlit for real-time access.
stepeter/naturalistic_arm_movements_ecog
Analysis of human behavioral and neural variability during naturalistic arm movements. Replicates the findings in our preprint: https://www.biorxiv.org/content/10.1101/2020.04.17.047357v2
Basil-Shitemi/Bulldozzers-Regression-Project-_Basil
This Regression project involves creation of a model that predicts the prices of bulldozzers from their features and previous sale prices. The data is obtained from Kaggle, as part of competition. I did optimized RandomForestRegressor in model creation
Zubair-hussain/Salary-Prediction-using-Traditional-ML-Techniques.
A simple and effective machine learning project that predicts salaries based on years of experience using linear regression. Includes data preprocessing, model training, evaluation, and deployment via Streamlit.