Topic: "knn-regression"
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: about 2 years ago - Pushed at: over 6 years ago - Stars: 142 - Forks: 51
davecom/ComputerScienceFromScratch
Source for the book Computer Science from Scratch
Language: Python - Size: 7.47 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 44 - Forks: 4
BanaanKiamanesh/DL-for-Navigation
Implementation of Regression Models on Navigation with IMUs.
Language: Python - Size: 14.3 MB - Last synced at: 7 months ago - Pushed at: about 3 years ago - Stars: 15 - Forks: 2
bondbenz/aipalettes
A recommendation system based on Artificial Intelligence to predict best-fit color palettes according to user input
Language: CSS - Size: 1.37 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 0
LaxmiChaudhary/Modeling-of-strength-of-high-performance-concrete-using-Machine-Learning
Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 13 - Forks: 10
rebeccak1/nyc-taxi
Predict NYC taxi travel times (Kaggle competition)
Language: Jupyter Notebook - Size: 4.18 MB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 13 - Forks: 3
MaryamBoneh/MachineLearning-Course
My exercises in the machine learning course
Language: Jupyter Notebook - Size: 4.37 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 0
hassanzadehmahdi/Rank-estimation
In this program, I used the KNN model to estimate Iranian universities' entrance exam (konkur) rank, and I also developed a telegram bot so users could use it.
Language: Jupyter Notebook - Size: 257 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 6 - Forks: 0
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.
Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 0
ankitAMD/NYTaxi_XG_Boost_Challenge-kaggle_challenge
I'm attempting the NYC Taxi Duration prediction Kaggle challenge. I'll by using a combination of Pandas, Matplotlib, and XGBoost as python libraries to help me understand and analyze the taxi dataset that Kaggle provides. The goal will be to build a predictive model for taxi duration time. I'll also be using Google Colab as my jupyter notebook. i will also predict without Google colab on normal system.
Language: Jupyter Notebook - Size: 24.8 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 3
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: almost 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1
bmshahrier/boston-house-price-prediction
Boston house price prediction.
Language: Python - Size: 3.25 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 2
dennisfrancis/AutoFillMissingData
A LibreOffice Calc extension that fills missing data using machine learning techniques
Language: C++ - Size: 324 KB - Last synced at: 7 months ago - Pushed at: almost 9 years ago - Stars: 5 - Forks: 1
vivek2319/K-Nearest-Neighbors
This repository contains projects related to KNN algorithm using R, Python
Language: Python - Size: 99.6 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 13
salihkilicli/Python-Data-Science-and-Machine-Learning-Bootcamp-Projects
My solutions to projects given in the Udemy course: Python for Data Science and Machine Learning Bootcamp by Jose Portilla
Language: Jupyter Notebook - Size: 21.6 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 2
sdeepaknarayanan/Machine-Learning 📦
Assignments of the ML Course at IIT Gandhinagar
Language: Jupyter Notebook - Size: 32.6 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 1
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: over 1 year ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0
Juwono136/predictive-analytics-machine-learning-model
Predictive Analysis using a Comparison of Three Machine Learning Algorithms (KNN, Random Forest, and Boosting Algorithm) to Predict Home Selling Prices.
Language: Jupyter Notebook - Size: 4.63 MB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 1
AkashSaxenaOfficial/Employee_Absenteeism
The task is to build a machine learning regression model will predict the number of absent hours. As Employee absenteeism is a major problem faced by every employer which eventually lead to the backlogs, piling of the work, delay in deploying the project and can have a major effect on company finances. The aim of this project is to find an issue which eventually leads toward the absence of an employee and provide a proper solution to reduce the absenteeism
Language: Jupyter Notebook - Size: 2.7 MB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 3
MrKhan0747/Flight-Ticket-Price-Prediction
Machine Hack challenge to predict the flight ticket price. A detail description can be found on https://www.machinehack.com/course/predict-the-flight-ticket-price-hackathon/
Language: Jupyter Notebook - Size: 142 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 2
ibodumas/my_KNN_PCA_MNIST
Problems Identification: This project involves the implementation of efficient and effective KNN classifiers on MNIST data set. The MNIST data comprises of digital images of several digits ranging from 0 to 9. Each image is 28 x 28 pixels. Thus, the data set has 10 levels of classes.
Language: Jupyter Notebook - Size: 220 KB - Last synced at: 5 months ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 2
ltfschoen/ML-Predictions
Machine Learning engine generates predictions given any dataset using regression
Language: Python - Size: 2.51 MB - Last synced at: 4 months ago - Pushed at: over 8 years ago - Stars: 3 - Forks: 2
HammadAli08/Regression-Models
Models for Practice
Language: Jupyter Notebook - Size: 886 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 1
Tushar365/Bike-sharing-rental-prediction
Predict Bike🚲 Rentals with Weather! This project uses regression to predict hourly bike rentals by combining historical usage data with weather information. It helps bike-sharing companies optimize resources and improve user experience.
Language: Jupyter Notebook - Size: 2.15 MB - Last synced at: 25 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0
LuluW8071/Laptop-Price-Prediction
A collection of machine learning models for predicting laptop prices
Language: Jupyter Notebook - Size: 1.5 MB - Last synced at: 9 months ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0
alperozoner/ain212-exoplanet-classifier
This is an exoplanet classifier for the final project of the AIN212 data science course. Publicly accessible data from NASA's exoplanet archive was used in the training and testing of this classification model.
Language: Jupyter Notebook - Size: 1.81 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0
aminzayer/Amin-University-Data-Science
All data mining machine learning algorithms are basically coded by displaying solutions with Python
Language: Jupyter Notebook - Size: 5.98 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0
eltacshikhsaidov/recommend-api
Book recommender api written in flask framework
Language: Python - Size: 1.86 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0
ugurcanerdogan/KNN-Classification-Regression
BBM409 Machine Learning Laboratory - Assignment 1 : KNN Classification and KNN Regression using k-Fold cross validation (OOP design for classifiers)
Language: Jupyter Notebook - Size: 521 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0
ahmedshahriar/Housing-Price-Prediction
Data science project on Housing Prices Dataset regression analysis
Language: Jupyter Notebook - Size: 422 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0
keivanipchihagh/ML-Models-from-Scratch
Implementations of Machine Learning models, Regularizers, Optimizers and different Cost functions.
Language: Python - Size: 36.1 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0
zakariamejdoul/pong-with-pygame
Pong with Pygame and k-NN Prediction Algorithm (KNeighborsRegressor) for Opponent
Language: Python - Size: 46.7 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0
DavidCico/Self-implementation-of-KNN-algorithm
A k-nearest neighbors algorithm is implemented in Python from scratch to perform a classification or regression analysis.
Language: Python - Size: 97.7 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 5
TomaszRewak/bike-sharing-systems
Set of approaches aiming at the problem of predicting user behaviours in bike sharing systems. This project proposes a new heuristic solution - based on KNN algorithm with neural network as its distance function.
Language: C++ - Size: 167 KB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0
rixiiz/Using-KNN-to-predict-the-OBP-of-MLB-players
Using KNN to predict the On Base Percentage (OBP) of Major League Baseball (MLB) players at the end of the season
Language: Jupyter Notebook - Size: 4.17 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 1 - Forks: 0
Sidra-009/Server-Similarity-CPU-Prediction-using-KNN
This project simulates server performance data (CPU, Memory, Network Traffic) for multiple servers across time intervals and applies K-Nearest Neighbors (KNN) for similarity analysis and prediction.
Language: Jupyter Notebook - Size: 588 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0
JoaoVitor615/KNN-in-python
This project focus on predict the daily sales of any store with past data, based in the KNN algorithm.
Language: Python - Size: 13.7 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0
LokeshSreenathJ/Bankruptcy-Prediction---Analytics
Built XGBoost Classifier using SMOTE technique and Hyper-Parameter Tuning
Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0
Ruchit0807/HEART_DISEASE_PREDICTION
An interactive ML-powered web app that predicts the risk of heart disease based on clinical inputs like age, chest pain, cholesterol, ECG, and more. Built using Python, Streamlit, and scikit-learn, it offers early risk assessment in a simple and accessible way—just enter your health metrics and get instant feedback.
Language: Python - Size: 43.9 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0
ZeusCoderBE/Recommender-System
Content-based Filtering, Neighborhood-based Collaborative Filtering
Language: Jupyter Notebook - Size: 2.83 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
daniel-was-taken/Placement-Prediction
This project on placement prediction integrates machine learning with database management using MySQL for user authentication. The project involves data preprocessing, feature engineering, and the implementation of supervised learning techniques to train the model.
Language: Jupyter Notebook - Size: 247 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1
thomasthaddeus/NeuralNetworks
Imagery pipeline utilizing neural networks
Language: Python - Size: 542 KB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1
aleksander-piprek/Supervised-machine-learning-methods-for-condition-monitoring-and-fault-detection-of-wind-turbines
Engineering Thesis written to predict fault detection in wind turbines using Python
Language: Python - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
weichi21/KNN-Model-Car-Price-Prediction
Predictive modeling project by implementing KNN regression model.
Language: Jupyter Notebook - Size: 438 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
bdiptesh/CodeLib
Development of new ML library
Language: Python - Size: 2.71 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1
Ginga1402/Store_sales_Analysis_and_Profit_Prediction
Exploratory Data Analysis on Store Sales Data
Language: Jupyter Notebook - Size: 1.17 MB - Last synced at: 30 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
doshiharmish/NYC-Green-Taxi-Trip-Analysis
Explore NYC Green Taxi data, predicting fares and optimizing pickup locations using machine learning. Regression models uncover travel patterns and enhance taxi services for an efficient urban transport experience.
Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0
Prometheussx/Classification-Cancer-Data-With-K-NN
Making cancer classification with knn module (Kaggle Expression)
Language: Python - Size: 64.5 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0
roshancharlie/Myntra-Discount-Prediction-Model
Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1
AlaaMahmoud95/Concrete-Compressive-Strength
Regression Machine Learning Project
Language: Jupyter Notebook - Size: 1.42 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
Enzo2806/KNN-DecisionTree
We investigated the performance of the K Nearest neighbours and the Decision Tree machine learning models. We compared them based on their classification accuracy on the UCI Hepatitis and Diabetic Retinopathy datasets.
Language: Jupyter Notebook - Size: 5.93 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
vishwa5854/Scrabble-Player-Rating-Kaggle-Competition
In the second edition of this Competition featuring data from Woogles.io, participants are challenged to predict the ratings of players based on Scrabble gameplay. The evaluation algorithm is RMSE.
Language: Jupyter Notebook - Size: 6.15 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0
juliusHin/KNR_Stock_Prediction
stock price prediction with K Nearest Neighbors Regressor
Language: Python - Size: 157 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0
PaletiKrishnasai/Analytics_of_crimes_in_India
Detailed data analysis followed by predictive analytics of crimes in india over a period of 2001-2013.
Language: Jupyter Notebook - Size: 8.31 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1
ssabrut/forex-predictive-analytics
Predictive analytics project about time series forecasting for dicoding "Machine Learning Terapan" submission. The dataset was taken from yahoo finance website.
Language: Jupyter Notebook - Size: 646 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1
vamc-stash/K-Nearest-Neighbors
KNN Algorithm from scratch in Python
Language: Python - Size: 44.6 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1
mtrupiano1/knnwtsim
Source code for the R package knnwtsim, available on CRAN. This package includes functions used to implement KNN forecasting based a weighted similarity metric, as well as host certain time series datasets.
Language: R - Size: 801 KB - Last synced at: 20 days ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
joshuachan147/Cookies-ML-Sales-Projections
Utilizing machine learning techniques to model and project sales for the cannabis startup Cookies
Language: Jupyter Notebook - Size: 185 KB - Last synced at: 26 days ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0
abhishekchavannn/Composition_prediction
Using the regression models in a real thermodynamic system. We have applied two supervised algorithms, Linear regression, and K-Nearest Neighbors to predict the composition values at various eta values.
Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
ShubhamSood1406/StockMarketML Fork of VaibhavGaur05/StockMarketML
A Machine Learning-based Empirical study to predict the Stock Market Price of the future 10 days Using Historical Data. Research Paper is published at https://ieeexplore.ieee.org/document/9342571
Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 2
fblascogarma/knn_algorithm
The kNN algorithm is one of the most famous machine learning (ML) algorithms. It's generally used for classification, especially when you have more than two categories.
Language: Python - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
ArbiKodraj/microeconometrics-course-project-ArbiKodraj
Microeconometrics course project by Arbi Kodraj
Language: Jupyter Notebook - Size: 3.58 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0
jposyluzny/ENSF611Project
Repository for my ENSF 611 (machine learning) final project.
Language: Jupyter Notebook - Size: 834 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0
choudharynisha/predicting-world-happiness
Final project for CS360 (Machine Learning) where I use linear regression and K Neighbors Regressor to predict a country's happiness score
Language: Python - Size: 88.9 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1
vcwild/movie-recommender 📦
Implementing a naive kNN regressor from scratch to recommend movies from the MovieLens official database.
Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: 24 days ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0
SujayDas1999/Iris-Flower-Classification-KNN
This is a classification of iris flower using k nearest neighbour classifier
Language: Jupyter Notebook - Size: 160 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0
AkashSaxenaOfficial/Bike_Renting
The objective of this project is to predication of bike rental count on daily based on the environmental and seasonal settings. As it gets easy for an organisation to arrange the resource if the demand spikes.
Language: Jupyter Notebook - Size: 1.83 MB - Last synced at: 8 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1
ghifarozarrr/k-nearest-neighbors-algorithm
K-NN Algorithm with various similarity measures
Language: Python - Size: 22.5 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0
notsamdonald/Stonewall
Real time chess video tracker
Language: Python - Size: 42.7 MB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0
danielkaupa/us-coffee-price-prediction
Predictive modeling of U.S. coffee prices using USDA agricultural data (1967–2017). The final decision tree model achieved ~0.79 R² predictive accuracy, demonstrating that coffee price movements can be reliably estimated using the prices of select fruit and tree-nut crops with shared market and climate sensitivities.
Size: 1.49 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0
mwasifanwar/ml-ensemble-regression
Advanced regression analysis suite featuring KNN optimization, multi-algorithm comparison, hyperparameter tuning with Optuna, and production-ready ML pipelines with comprehensive model evaluation and visualization.
Language: Python - Size: 27.3 KB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0
findthehead/pentestpayload
A KNN algorithm based Web Application Payload search and modification engine with a nice red FLASK based GUI
Language: Python - Size: 217 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
Agoons20/Portfolio-Mgmt-And-Machine-Learning-in-Finance
Investment Analysis and Asset Mgmt, Time Series Analysis & Forecasting, Machine Learning in Finance & Causal Inference Methods
Language: Jupyter Notebook - Size: 3.83 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
hackerharsh-77/movie-recommendation-semantic-search
A MongoDB-powered semantic search engine that finds movies based on natural language queries, leveraging Hugging Face embeddings to match movie plots with conceptual search terms rather than simple keywords.
Language: Python - Size: 0 Bytes - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
maheshvarade/K-Nearest-Neighbors-KNN-for-Regression
This project implements KNN Regression on the Auto MPG dataset to predict fuel efficiency (MPG) based on features like horsepower, weight, acceleration, and displacement. 🔹 Key Highlights: Exploratory Data Analysis (EDA): Data cleaning, handling missing values, and correlation heatm
Language: Jupyter Notebook - Size: 508 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
umairshabbir-83/k-nearest-neighbors-algorithm
k-nearest neighbors algorithm (k-NN)
Language: Python - Size: 4.88 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
BatthulaVinay/Divorce-Status-Prediction-EDA-and-ML
This project focuses on analyzing data related to divorce status to uncover insights, trends, and predictive models. The analysis is conducted using Python in a Jupyter Notebook environment.
Language: Jupyter Notebook - Size: 689 KB - Last synced at: 7 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
missbo-cyber/Machine-learning-in-spectroscopic-elipsometry-data
Optimization of machine learning algorithms for ellipsometric data analysis
Language: Jupyter Notebook - Size: 8.79 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
itsmathematicsboy/Predicting-Mushroom-Properties-A-Data-Driven-Regression-Study
This project is about predicting the mushrooms classes with KNN
Language: Jupyter Notebook - Size: 795 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
pfrsch/EBAC-workshop
Ciência de Dados na Saúde: Construir um modelo para predizer quando uma pessoa tem câncer dado um exame de sequenciamento do RNA
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0
alecruces/SustainableLithium
Powering the Future in a Sustainable way: Analysis and Forecasting of Lithium exports for Australia and Chile using Time series Analysis and Business Market Models
Language: R - Size: 6 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0
lmizner/CS249_DataScienceFundamentals
Course work from UCLA's CS249 - Data Science Fundamentals
Language: Jupyter Notebook - Size: 2.45 MB - Last synced at: 20 days ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0
HiAkshatJain/MobilePricePrediction
Welcome to the Mobile Price Prediction project! This repository contains code for predicting mobile phone prices using various machine learning models. It includes data preprocessing, model training, and evaluation for both regression and classification tasks.
Language: Jupyter Notebook - Size: 1.78 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
sofiaheinmachado/sofiaheinmachado.github.io
Projects developed with R
Size: 2.93 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
naufal-yafi/knn-regression.model
K-Nearest Neighbors
Language: Jupyter Notebook - Size: 80.1 KB - Last synced at: 24 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
vishnu-vamshii/YouTube-Comments-Sentiment-Analysis-for-Views-Prediction
This project analyzes YouTube video data to extract comments and perform sentiment analysis on the most liked, disliked, and random videos. It leverages Google API to collect comments, followed by regression modeling using Random Forest, Ridge, and K-Nearest Neighbors to predict video metrics based on sentiment.
Language: Jupyter Notebook - Size: 1.63 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1
AJSahagun/CS414-KNN-Activity1
Philippine Students' Employability KNN Classification and Prediction
Language: Python - Size: 1.77 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
dougrandrade/NPS_DS_Repo
My projects from the NPS Data Science Certificate program
Language: Jupyter Notebook - Size: 1.78 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
Musabs2802/knn-from-scratch
Building KNN Regression and Classification models using maths and numpy from scratch
Language: Python - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
subhanjandas/Predicting-Housing-Prices-Using-Multiple-Linear-Regression-and-k-NearestNeighbours-kNN
The goal was to accurately estimate the value of real estate and uncover relevant factors that directly influence property prices. The study used two different models, multiple linear regression and k-Nearest Neighbours (kNN), to predict housing prices.
Language: Jupyter Notebook - Size: 3.09 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 2
BhaveshxPurohit/Analyzing-NYC-Green-Taxi-Trips
Analyzing NYC Green Taxi data (Jan 2022-Jan 2023) to enhance service coverage using ML. Aims: 1) Predict fares with a regression model using trip data. 2) Locate profitable pickups with a clustering model for driver earnings optimization.
Language: Jupyter Notebook - Size: 4.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
shreenidhi7700/Auto_Price_Prediction
We are required to use Machine Learning algorithms to predict the price of cars with the available independent variables such as Horsepower, no-of-cylinders, engine-type, city_mpg, highway_mpg etc.
Language: Jupyter Notebook - Size: 6.3 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
atecon/knn
Gretl implementation of the knn machine-learning algorithm
Language: Python - Size: 102 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
ntyblco/ML_Prediction_RF_KNN
Predicting employee burnout using machine learning algorithms: Random Forest and k-Nearest Neighbors.
Size: 448 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
soumizde/insurance_prediction
Insurance Premium Prediction
Language: Jupyter Notebook - Size: 6.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
KalbarczykDev/java-knn
Java K-nearest neighbours algorithm implementation made for NAI class at PJAIT
Language: Java - Size: 8.79 KB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
leiyunin/Simple-multiple-linear-regression_KNN-regression
This project conducts a thorough analysis of the Combined Cycle Power Plant dataset through linear regression, polynomial modeling, and KNN regression, exploring variable interactions and nonlinear associations to predict electrical energy output accurately.
Language: Jupyter Notebook - Size: 4.06 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
zaina826/Data-Preprocessing-and-KNN-Regrision
Using the the famous housing dataset, this project explores data preprocessing, outlier detection and handling, encoding ordinal features, KNN regression and Linear Regression
Language: Jupyter Notebook - Size: 1.63 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
rishabh1882/Python
This repository is a compilation of some of the best project ideas in Python to practice your skills.
Language: Jupyter Notebook - Size: 938 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
shanthiachar18/Project-Using-KNN-Regressor
Bangalore house price prediction using KNN Regressor
Language: Jupyter Notebook - Size: 313 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0