Ecosyste.ms: Repos

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

GitHub topics: ordinary-least-squares

NajiAboo/MachineLearning

Machine Learning algorithms and models

Language: Jupyter Notebook - Size: 5.46 MB - Last synced: 5 days ago - Pushed: 5 days ago - Stars: 0 - Forks: 0

marcelomijas/econometrics-cheatsheet

Multiple econometrics cheat sheets with a complete and summarize review going from the basics of an econometric model to the solution of the most popular problems.

Language: TeX - Size: 15.4 MB - Last synced: 25 days ago - Pushed: 25 days ago - Stars: 89 - Forks: 10

sebastianalamina/ML_2023-2

Trabajos presentados como parte del curso de Reconocimiento de Patrones y Aprendizaje Automatizado, impartido por el profesor Sergio Hernández López durante el semestre 2023-2 en la Facultad de Ciencias, UNAM.

Language: Jupyter Notebook - Size: 12.2 MB - Last synced: 28 days ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

bhattbhavesh91/regression-excercise-ols-ridge

A Regression Exercise covering OLS & Ridge Regression

Language: Jupyter Notebook - Size: 753 KB - Last synced: about 1 month ago - Pushed: over 4 years ago - Stars: 2 - Forks: 1

shamindras/maars

An R implementation of Models As Approximations

Language: R - Size: 31.7 MB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 11 - Forks: 1

anilesh-prajapati/Probability-and-Statistics-for-Machine-Learning

Probability and Statistics for Machine Learning

Language: Jupyter Notebook - Size: 1.03 MB - Last synced: about 2 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

ShaikRiyazSandy/Simple-Linear-Regression

Simple Linear Regression

Language: Jupyter Notebook - Size: 937 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 1 - Forks: 0

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: about 1 month ago - Pushed: over 3 years ago - Stars: 13 - Forks: 1

DataSphereX/Logistic-Regression

You will have to build a logistic regression model and interpret the result. Make sure you partition the data set by allocating 70% -for training data and 30% -for validating the results.

Language: Jupyter Notebook - Size: 1.79 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 1

adames-ouro/Linear-Regression

Linear Regression and Neural Network

Language: Jupyter Notebook - Size: 882 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

omerfarukeker/Gradient-Descent-Visualisation

Linear line fitting to data and optimising parameters with Gradient Descent algorithm

Language: Python - Size: 11.3 MB - Last synced: 5 months ago - Pushed: almost 5 years ago - Stars: 4 - Forks: 0

aneeshdurai/OLS-Pairs-Trading

In the following research, we will analyze the effects of pairs trading (multiple companies across multiple industries) excluding the profitability of such strategies. Rather, we will analyze various risk measures across all different pairings of stocks within their own respective industry across multiple industries.

Language: Jupyter Notebook - Size: 239 KB - Last synced: about 1 month ago - Pushed: 9 months ago - Stars: 1 - 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: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

romanwerpachowski/ML

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

Language: C++ - Size: 7.59 MB - Last synced: 7 days ago - Pushed: over 2 years ago - Stars: 5 - Forks: 0

AdrianKriger/r-spatial-stats

(Geo)spatial Statistics with R

Size: 268 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

AdrianKriger/r-trend-surfaces

Trend Surface Analysis with R (Cape Flats Aquifer)

Size: 4.64 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

AmMoPy/Simple_Multiple_Bayesian_Linear_Regression

Gentle yet comprehensive introduction to regression

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

Siddharth1989/WranglingRealEstateData

Wrangled real estate data from multiple sources and file formats, brought it into a single consistent form and analysed the results.

Language: Jupyter Notebook - Size: 8.51 MB - Last synced: 4 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

shreyansh-2003/MLR-Gradient-Descent-For-Model-Explainability

This repository contains a comprehensive implementation of gradient descent for linear regression, including visualizations and comparisons with ordinary least squares (OLS) regression. It also includes an additional implementation for multiple linear regression using gradient descent.

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

ericqu/LinearRegressionKit.jl

Linear Regression for Julia

Language: Julia - Size: 1.26 MB - Last synced: 27 days ago - Pushed: about 1 year ago - Stars: 10 - Forks: 1

jajokine/Statistics-Analysis

MITx - MicroMasters Program on Statistics and Data Science - Data Analysis: Statistical Modeling and Computation in Applications - First Project

Language: Jupyter Notebook - Size: 2.52 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 2 - Forks: 0

MoinDalvs/Simple_Linear_regression_2

Building a prediction model for Salary hike using Years of Experience

Language: Jupyter Notebook - Size: 1.37 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

gilaniasher/kaggle-house-regression-challenge

Predicting housing prices in Iowa using Python/Pandas/linear regression within SKLearn.

Language: Jupyter Notebook - Size: 3.35 MB - Last synced: about 2 months ago - Pushed: about 4 years ago - Stars: 2 - Forks: 0

guilhermedom/pyspark-horsepower-multilinear-regression

PySpark for multiple linear regression on car horsepower using SMOTE for data augmentation.

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

micts/airbnb-price-prediction

Predictive Analysis of Price on Amsterdam Airbnb Listings Using Ordinary Least Squares.

Language: R - Size: 13.7 MB - Last synced: 9 months ago - Pushed: about 6 years ago - Stars: 4 - Forks: 0

fischlerben/Algorithmic-Trading-Project

Algorithmic Trading project that examines the Fama-French 3-Factor Model and the Fama-French 5-Factor Model in predicting portfolio returns. The respective factors are used as features in a Machine Learning model and portfolio results are evaluated and compared.

Language: Jupyter Notebook - Size: 18.7 MB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 10 - Forks: 5

academicPapers/dist_lognormal

Artigo submetido ao COBRAC 2018.

Language: HTML - Size: 14.9 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

MichaelAlexanderBryant/simplyhired-eda

A project where data science job postings are scraped and an exploratory data analysis is performed.

Language: Jupyter Notebook - Size: 20.8 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

psanghal/causal_inference

Causal Inference Case Studies

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

MoinDalvs/Simple_Linear_Regression_1

Predicting Delivery Time Using Sorting Time

Language: Jupyter Notebook - Size: 1.76 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

gmkoeb/dark-fitter

Fits JxV curves obtained from solar cells operating in the dark and calculates important parameters

Language: Python - Size: 47.9 KB - Last synced: 4 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

markstock/estOLS

Ordinary Least Squares problem, guide, and solver

Language: C++ - Size: 120 KB - Last synced: over 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

tylerrussin/Fish-Dimensions-Regression-Analysis

🐟 Statistical analysis of fish dimensions and weights implemented into linear regression (Ordinary Least Squares) predictive model

Language: Python - Size: 7.19 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

philsaurabh/Tutorials

Tutorials for BSE classes.

Language: Jupyter Notebook - Size: 560 KB - Last synced: over 1 year ago - Pushed: over 2 years ago - Stars: 1 - Forks: 1

dgwozdz/OLS

Set of functions to semi-automatically build and test Ordinary Least Squares (OLS) models in R in parallel.

Language: R - Size: 445 KB - Last synced: over 1 year ago - Pushed: almost 6 years ago - Stars: 7 - Forks: 0

sharika-anjum/Machine-Learning-algorithms

Algorithms from scratch to know how the algorithms work.

Language: Jupyter Notebook - Size: 1.75 MB - Last synced: over 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 2

Related Keywords
ordinary-least-squares 36 linear-regression 18 machine-learning 7 python 6 ols-regression 5 ridge-regression 5 logistic-regression 4 sklearn 4 multiple-linear-regression 4 statistics 4 simple-linear-regression 4 sklearn-library 4 gradient-descent 4 numpy 3 matplotlib 3 log-transformation 3 data-transformation 3 rmse-score 3 residuals 2 statsmodels 2 predictive-modeling 2 p-values 2 scipy-stats 2 prediction 2 pandas-library 2 pandas 2 inverse-distance-weighting 2 r 2 statistical-analysis 2 aic 2 variogram 2 bic 2 pandas-dataframe 2 f-statistics 2 regression 2 least-squares 2 principal-component-analysis 2 likelihood 2 exploratory-data-analysis 2 gradient-descent-algorithm 2 statistical-tests 2 ols 2 prediction-model 1 automated-feature-engineering 1 kaggle 1 correlation-matrix 1 data-augmentation 1 feature-selection 1 generalized-linear-model 1 imblearn 1 multilinear-regression 1 random-forest 1 pyspark 1 ordinary-least-square-regression 1 data-wrangling 1 geopandas 1 geopandas-dataframes 1 minmaxscaling 1 model-fitting 1 selenium-python 1 selenium-webdriver 1 web-scrapping-in-python 1 web-scrapping-using-selenium 1 boston-housing-price-prediction 1 data-analysis 1 data-visualization 1 explainable-machine-learning 1 multiple-linear-regression-model 1 optimization-algorithms 1 residual-learning 1 julia 1 julia-language 1 julia-package 1 ols-regression-model 1 statistical-inference 1 statistical-models 1 smote 1 two-stage-least-squares-regression 1 dark-jxv-measurements 1 fitting 1 fitting-curve 1 python3 1 solar-cells 1 eigen3 1 dash 1 tvalue 1 heroku 1 ttest 1 statistical-testing 1 anova-analysis 1 chisquare 1 hypothesis-testing 1 supervised-learning 1 pca-scratch 1 pvalue 1 scikit-learn 1 seaborn 1 statmodels 1 airbnb 1 airbnb-listings 1