Topic: "polynomial-regression"
susanli2016/Machine-Learning-with-Python
Python code for common Machine Learning Algorithms
Language: Jupyter Notebook - Size: 58.1 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 4,440 - Forks: 4,819

srafay/Machine_Learning_A-Z
Learning to create Machine Learning Algorithms
Language: Python - Size: 10.8 MB - Last synced at: 4 days ago - Pushed at: about 4 years ago - Stars: 389 - Forks: 195

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:
Language: Jupyter Notebook - Size: 41.2 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 332 - Forks: 168

scikit-learn-contrib/polylearn 📦
A library for factorization machines and polynomial networks for classification and regression in Python.
Language: Python - Size: 3.16 MB - Last synced at: 10 months ago - Pushed at: almost 5 years ago - Stars: 245 - Forks: 43

arnaldog12/Machine_Learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Language: Jupyter Notebook - Size: 6.83 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 223 - Forks: 62

free-to-learn/Machine-Learning-Concepts
Machine Learning Concepts with Concepts
Language: Jupyter Notebook - Size: 45.9 MB - Last synced at: 18 days ago - Pushed at: almost 5 years ago - Stars: 170 - Forks: 74

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

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

agrawal-priyank/machine-learning-regression
Built house price prediction model using linear regression and k nearest neighbors and used machine learning techniques like ridge, lasso, and gradient descent for optimization in Python
Language: Jupyter Notebook - Size: 1.93 MB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 90 - Forks: 70

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.
Language: Python - Size: 21.9 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 66 - Forks: 15

eaglewarrior/Machine-learning
This repository will contain all the stuffs required for beginners in ML and DL do follow and star this repo for regular updates
Language: Jupyter Notebook - Size: 27 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 41 - Forks: 37

sanithps98/Automobile-Dataset-Analysis
This project analyzes and visualizes the Used Car Prices from the Automobile dataset in order to predict the most probable car price
Language: Jupyter Notebook - Size: 805 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 40 - Forks: 34

eladcn/coronavirus_prediction
This project aims to predict the numbers that are published in each day regarding the amount of Coronavirus (COVID-19) cases and deaths.
Language: Python - Size: 293 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 34 - Forks: 20

abhishekdbihani/synthetic_well-log_polynomial_regression
This project attempts to construct a missing well log from other available well logs, more specifically an NMR well log from the measured Gamma Ray (GR), Caliper, Resistivity logs and the interpreted porosity from a well.
Language: Jupyter Notebook - Size: 8.26 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 31 - Forks: 27

anishsingh20/Statistical-Learning-using-R
This is a Statistical Learning application which will consist of various Machine Learning algorithms and their implementation in R done by me and their in depth interpretation.Documents and reports related to the below mentioned techniques can be found on my Rpubs profile.
Language: R - Size: 3.26 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 28 - Forks: 24

srohit0/mida
Selected problems and their solutions from the book on "Machine Intelligence in Design Automation"
Language: Jupyter Notebook - Size: 11.9 MB - Last synced at: 8 days ago - Pushed at: over 6 years ago - Stars: 26 - Forks: 7

jbboehr/PolynomialRegression.php
Calculates and returns coefficients for polynomial regression. (composer package)
Language: PHP - Size: 71.3 KB - Last synced at: 23 days ago - Pushed at: 9 months ago - Stars: 22 - Forks: 9

JangirSumit/data_science
Edureka "Data Science with Python" course solutions
Language: Jupyter Notebook - Size: 49.5 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 20 - Forks: 59

palVikram/Machine-Learning-using-Python
Regression, Classification and Clustering
Language: Python - Size: 223 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 19 - Forks: 19

deepraj1729/Self-Driving-Cars
Simulating a Self-Driving Car with basics of Deep Learning and Computer Vision
Language: Jupyter Notebook - Size: 75.2 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 7

techshot25/HealthCare
Insurance cost predictor
Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 15 - Forks: 4

jxareas/Linear-Regression
Data Wrangling, Linear Models & other misc. Inferential Statistics.
Language: R - Size: 892 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 14 - Forks: 0

mostafaelhoushi/FOS
Implementation of Fast Orthogonal Search (FOS) Algorithm in MATLAB
Language: MATLAB - Size: 2.35 MB - Last synced at: 2 months ago - Pushed at: almost 6 years ago - Stars: 14 - Forks: 2

Nikronic/Coursera-Machine-Learning 📦
In this repository I implemented all assignments in python for the purpose of learning python
Language: Jupyter Notebook - Size: 9.61 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 4

Amitha353/Machine-Learning-Regression
Machine-Learning-Regression
Language: Jupyter Notebook - Size: 10 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 12

AkJoshi19/MachineLearning_A_Z
The respository is for Machine learning basiscs.
Language: Python - Size: 135 KB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 7

J3FALL/LASSO-Regression
LASSO Regularization in C++
Language: C++ - Size: 2.25 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 5

AnilKumarTeegala/Machine-Learning-Using-Python
This repo contains the files created for machine learning using python
Language: Jupyter Notebook - Size: 69.2 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 6

elahe-dastan/newborn
A library for ML algorithms
Language: Go - Size: 387 KB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 12 - Forks: 1

atse0612/Machine-Learning-A-Z
Language: Jupyter Notebook - Size: 706 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 12 - Forks: 40

dschmitz89/Polyfit
Scikit learn compatible constrained and robust polynomial regression in Python
Language: Python - Size: 361 KB - Last synced at: 25 days ago - Pushed at: 3 months ago - Stars: 10 - Forks: 6

vktrbr/optimization_ml
Optimization in ML
Language: Python - Size: 12 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 1

MeghnathReddy/Concrete-Compressive-Strength-Prediction
Different modeling techniques like multiple linear regression, decision tree, and random forest, etc. will be used for predicting the concrete compressive strength. A comparative analysis will be performed to identify the best model for our prediction in terms of accuracy. The best model will be helpful for civil engineers in choosing the appropriate concrete for bridges, houses construction.
Language: Jupyter Notebook - Size: 1010 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 5

Anindya-Das02/Comparison-of-ML-models-for-predicting-AQI
In this project we are comparing various regression models to find which model works better for predicting the AQI (Air Quality Index).
Language: Python - Size: 354 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 14

mnpsnuwan/ml-all-in-one
A collection of machine learning is using python.
Language: Python - Size: 6.8 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 1

sagnikghoshcr7/FIFA-2019-Player-Data-EDA
Language: Jupyter Notebook - Size: 3.67 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 0

S-B-Iqbal/Predicting-Power-Output-of-a-combined-cycle-power-plant.
The objective of the Project is to predict ‘Full Load Electrical Power Output’ of a Base load operated combined cycle power plant using Polynomial Multiple Regression. Concepts : 1) Clustering, 2) Polynomial Regression, 3) LASSO, 4) Cross-Validation, 5) Bootstrapping
Language: Jupyter Notebook - Size: 1.77 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 9 - Forks: 6

yaniv-shulman/rsklpr
Robust locally weighted multiple regression in Python
Language: Python - Size: 60.4 MB - Last synced at: 9 days ago - Pushed at: 5 months ago - Stars: 8 - Forks: 0

paescebu/PolynomialRegressionSwift Fork of KingIsulgard/iOS-Polynomial-Regression
Swift function for calculation of the polynomial regression (least squares fitting) of a given set of points.
Language: Swift - Size: 271 KB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 8 - Forks: 3

baptistar/greedyPC
Randomized Greedy Polynomial Chaos Expansions
Language: MATLAB - Size: 44.9 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 8 - Forks: 1

mohadeseh-ghafoori/Coursera-Machine-Learning-Specialization
Language: Jupyter Notebook - Size: 45.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 6

henryfo/polyfit
Contains a simple "C" function -- polyfit() -- that fits a line or higher-order polynomial to a set of points, using Method of Least Squares regression. Design goals include simplicity and ease of porting.
Language: C - Size: 35.2 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 4

susanli2016/Machine-Learning-with-R
R codes for common Machine Learning Algorithms
Language: R - Size: 0 Bytes - Last synced at: 2 months ago - Pushed at: about 8 years ago - Stars: 7 - Forks: 6

vaibhavnaagar/machineLearning-exercises
Machine Learning Exercises from Online Course (Coursera)
Language: Matlab - Size: 74 MB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 7 - Forks: 1

DataSpieler12345/python-for-ds-ml
My Python learning experience 📚🖥📳📴💻🖱✏
Language: Jupyter Notebook - Size: 200 MB - Last synced at: 14 days ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 0

brunocampos01/predict-which-customers-a-call-center-should-contact
Predict which customers should a call-center call for greater assertiveness in a sale
Language: Python - Size: 16 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 0

alan-toledo/Machine-Learning-Algorithms
Machine Learning From Scratch
Language: Python - Size: 15.4 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 3

brijshah27/House-Sales-Prediction
Predicting house sales in King County, based on a number of features using regression models
Language: Jupyter Notebook - Size: 4.91 MB - Last synced at: 8 months ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 4

rocketlobster/curver
Convert Photoshop curve file into polynom interpolations, for further use with image processing libraries
Language: Ruby - Size: 10.7 KB - Last synced at: about 1 month ago - Pushed at: about 8 years ago - Stars: 6 - Forks: 0

JoshDavid/KokoStats
Toolkit for Data Science & Statistics
Language: APL - Size: 108 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 1

Sarvandani/Machine_learning-deep_learning_11_algorithms-of-regression
sklearn, tensorflow, random-forest, adaboost, decision-tress, polynomial-regression, g-boost, knn, extratrees, svr, ridge, bayesian-ridge
Language: Jupyter Notebook - Size: 7.45 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 1

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.
Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 0

Shlok-crypto/Identifying-Unmanned-Objects-Trajectory
The ability to detect the trajectories of objects in a video sequence. It detects multiple, simultaneous trajectories in a scene, following the path of objects, including those that are only a few pixels in size.
Language: Python - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

nikunjdnp/COVID-19-linear-regression-model
This is the final year project of Big Data Programming in Python. COVID-19 cases data processed, manipulated, transformed and applied polynomial feature of linear regression in Python.COVID-19 cases data processed, manipulated, transformed and applied polynomial feature of linear regression in Python. The model is predicting the future cases counts and the accuracy is evaluated.
Language: Python - Size: 219 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 3

Defcon27/Data-Analysis-of-Indian-Automobile-dataset-using-Machine-Learning-in-R
The project aims to perform various visualizations and provide various insights from the considered Indian automobile dataset by performing data analysis that utilizing machine learning algorithms in R programming language.
Language: R - Size: 13 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 7

jaimedantas/least-squares-regression
Regularized least-squares algorithm over the empirical risk minimization
Language: MATLAB - Size: 185 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

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.
Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 2

habiburrahman-mu/car-price-prediction-using-regression-models
Building a Machine Learning Model to Predict the Price of the Car By Comparing Performance of Different Regression Techniques (Simple Linear Regression, Multiple Linear Regression, Polynomial Regression)
Language: Jupyter Notebook - Size: 229 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 6

pavankalyan1997/Machine-Learning-Using-Scikit-learn-and-other-libraries
Machine Learning algorithms implementation using Python
Language: Jupyter Notebook - Size: 2.49 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 6

TempeHS/Machine_Learning_OOP_Implementation_Examples
A Jupyter Notebook collection designed to support students implement Programming for automation in the NESA Software Engineering Syllabus specifically using an OOP to make predictions.
Size: 7.21 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 4 - Forks: 25

bernardjezua/QSPS
QSPS: Quadratic Spline and Polynomial Solver - R Shiny App
Language: R - Size: 740 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

Armin-Abdollahi/Machine-Learning
Language: Jupyter Notebook - Size: 1.7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 4 - Forks: 0

esharma3/project_austin_air_quality_analysis_and_prediction
The purpose of this project is to analyze the impact of climate change on air quality for the city of Austin and create a machine learning model that can establish a correlation between the level of air pollutants like Ozone and NO2 and the climate parameters by using regression models and null hypothesis.
Language: Jupyter Notebook - Size: 1.57 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

bgr8/Makine-ogrenmesi
Machine Learning with Python
Language: Jupyter Notebook - Size: 3.03 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

aws-samples/sagemaker-weather-prediction
This repository contains the files and instructions on using Amazon SageMaker to build linear regression, polynomial regression etc to predict the temperature
Language: Jupyter Notebook - Size: 2.74 MB - Last synced at: 20 days ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

omkar2811/Wind-Enery-Prediction-Analysis
Wind Energy prediction based on wind speed and direction time series dataset
Language: Jupyter Notebook - Size: 4.47 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 1

ManojKumarMaruthi/Regression
Metro Interstate Traffic Volume
Language: Jupyter Notebook - Size: 1.36 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 7

kushalshm1/MachineLearning-StudyModules
Jupyter notebooks containing explanation of Machine Learning Algorithms
Language: Jupyter Notebook - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 4

JeffersonLab/model-selection
Model slection with stepwise regression.
Language: R - Size: 202 KB - Last synced at: about 1 year ago - Pushed at: almost 9 years ago - Stars: 4 - Forks: 2

madhurima-nath/regression_and_predictions 📦
Language: HTML - Size: 34.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 3

nikolas-virionis/polynomial-regression
Python package that analyses the given datasets and comes up with the best regression representation with either the smallest polynomial degree possible, to be the most reliable without overfitting or other models such as exponentials and logarithms
Language: Python - Size: 41 KB - Last synced at: 27 days ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

Arvindhh931/Mileage-prediction
Fuel Efficiency of car in miles per gallon
Language: Jupyter Notebook - Size: 3.05 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

NisAr-PakhtoOn/4V_polynomial-solution
in this notebook, polynomial regression is used on a dataset
Size: 15.6 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

MWiechmann/NAI_gen_set_experiment
Analyzing data from a transformer AI investigating the impact of randomness and sampling methods on text complexity (using polynomial regression analysis)
Language: Jupyter Notebook - Size: 3.36 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

Tarun-Kamboj/Machine_Learning_with_Python
Machine learning concepts implemented in python.
Language: Jupyter Notebook - Size: 4.75 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

mehulthakral/logic_detector Fork of skandavc18/logic_detector
A Machine Learning based system to detect semantics in the form of semantic label and suggest optimized alternatives for Python and C++ function-based code snippet.Semantic Detection is language agnostic with accuracy above 95% while optimization with accuracy above 85% for both Python and C++.
Language: JavaScript - Size: 5.9 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

KavyaOS/Emotion_Recognition_Using_Facial_Landmarks
Face detection using Facial Landmark prediction and Comparision of standard emotion recognition algorithms
Language: Jupyter Notebook - Size: 68.6 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

PermanAtayev/Movie-revenue-prediction
Model that uses 10 different algorithms to predict the revenue of a movie before it's release
Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

flowstateeng/MNIST-Polynomial-Regression-Classifier
Polynomial Regression hand-written digit classifier that can recognize digits from the MNIST dataset.
Language: Python - Size: 11.9 MB - Last synced at: 6 days ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

prathmachowksey/Multivariate-Polynomial-Regression
Multivariate Polynomial Regression using gradient descent with regularisation
Language: Python - Size: 236 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 1

shivpatri/breast-lesion-classification
Classification of Breast Lesion contours to Benign and Malignant Categories.
Language: MATLAB - Size: 57.6 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 5

romeomatteo/nonlinear_model_identification
Performed a nonlinear model identification using both the FROE method with polynomial NARX models and feedforward neural networks.
Language: Jupyter Notebook - Size: 42.1 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

mahesh147/Polynomial-Regression
A simple python program that implements a very basic Polynomial Regression on a small dataset.
Language: Python - Size: 1000 Bytes - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 4

rakeshjasti/Car-MPG
Predicting miles per gallon (MPG) for a car using UCI dataset
Language: Jupyter Notebook - Size: 478 KB - Last synced at: 12 months ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 1

hossamAhmedSalah/Machine_Learning_MSP
MSP 23 workshop of machine learning
Language: Jupyter Notebook - Size: 84.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

zkavtaskin/Lead-Time-Driven-Delivery-Simulation
This repository attempts to find team configuration, work size, team member capacity and backlog order that delivers work at the lowest lead time possible.
Language: Jupyter Notebook - Size: 19.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

phkhanhtrinh23/hanoi_housing_price Fork of cin-toy/hanoi_housing_price
This notebook predicts Hanoi Housing Price using Linear Regression, Polynomial Regression, Random Forest, and Neural Network (Traditional Statistical Methods vs. Machine Learning algorithms).
Language: Jupyter Notebook - Size: 2.15 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

rezamosavi8740/OnlineNewsPopularity-analysis
This exercise is the first series of machine learning course at Shahid Beheshti University. This exercise is for regression.
Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

kunaladarsh/Machince-Learning-Using-Python
Language: Jupyter Notebook - Size: 39.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Rakibul73/CCE-312---Numerical-Methods-Sessional-Code
Numerical Method Codes in Python
Language: Jupyter Notebook - Size: 297 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

Muhthoriqas/Fish_Weight_Prediction_Linear_And_Polynomial_Regression
MID Project Unhas Machine Learning Course
Language: Jupyter Notebook - Size: 313 KB - Last synced at: about 15 hours ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Answerious/Rvec
Machine Learning & Mathematical Library for Ruby
Language: Ruby - Size: 2.39 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

alami-oussama/Machine-learning-from-scratch
Machine learning and optimization algorithms from scratch + visualization
Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

AlekseyKorshuk/least-square-approximation
A computer program in C++ programming language to compose a least square approximation.
Language: C++ - Size: 39.1 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

dshah98/Machine_Learning_with_R
Full machine learning practical with R.
Language: R - Size: 444 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

ramjan-raeen/MachineLearningProject
Machine-Learning with Python and R programming
Language: Jupyter Notebook - Size: 15.3 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

mrp-78/implement-regression
Implement Linear and Polynomial Regression from scratch
Language: Jupyter Notebook - Size: 73.2 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

Akash-Ubale/Complete-Machine-Learning
My Machine Learning Repository
Language: Jupyter Notebook - Size: 29.6 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 2

ConsciousML/Polynomial-Regression-from-scratch
Polynomial regression from scratch using Pytorch
Language: Jupyter Notebook - Size: 220 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 3

sudhan-bhattarai/Linear_Regression_Polynomial_Fit
Linear Regression with non-linear features input using polynomial transformation.
Language: Jupyter Notebook - Size: 718 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0
