Topic: "k-nearest-neighbor-classifier"
bkrai/Top-10-Machine-Learning-Methods-With-R
Includes top ten must know machine learning methods with R.
Size: 82 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 77 - Forks: 66

eonu/sequentia
Scikit-Learn compatible HMM and DTW based sequence machine learning algorithms in Python.
Language: Python - Size: 43.7 MB - Last synced at: 28 days ago - Pushed at: 4 months ago - Stars: 63 - Forks: 9

Ruban2205/Iris_Classification
This repository contains the Iris Classification Machine Learning Project. Which is a comprehensive exploration of machine learning techniques applied to the classification of iris flowers into different species based on their physical characteristics.
Language: Jupyter Notebook - Size: 2.31 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 2

Amatofrancesco99/KNN-OpenMPI
An Open MPI implementation of the well known K-Nearest Neighbors (Machine Learning) classifier.
Language: Jupyter Notebook - Size: 8.7 MB - Last synced at: 26 days ago - Pushed at: about 2 years ago - Stars: 8 - Forks: 0

HassanMahmoodKhan/Machine-Learning-Based-Fault-Diagnosis-of-Electric-Drives
Fault diagnosis of some critical and non-critical faults in electric drives using Machine Learning.
Language: Jupyter Notebook - Size: 6.23 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 0

shanathvemula/framework_for_superwised_prediction2
Language: JavaScript - Size: 2.12 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 0

felipexw/knn-java-library
Just a simple implementation of K-Nearest Neighbour algorithm.
Language: Java - Size: 348 KB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 6 - Forks: 0

shaadclt/Heart-Disease-Prediction-KNN
This project focuses on predicting heart disease using the K-Nearest Neighbors (KNN) classification algorithm implemented in a Jupyter Notebook. It aims to provide a tool that can assist in early detection and diagnosis of heart disease based on given input features.
Language: Jupyter Notebook - Size: 301 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 0

Ayantika22/PCA-Principle-Component-Analysis-For-Seed-Dataset
PCA(Principle Component Analysis) For Seed Dataset in Machine Learning
Language: Jupyter Notebook - Size: 70.3 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 3

rtimbro185/syr_mads_ist707_data_analytics
Syracuse University, Masters of Applied Data Science - IST 707 Data Analytics
Language: Jupyter Notebook - Size: 112 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

ManuelElizaldi/PyStrava
This project is using Strava's API to download and process my workout data.
Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 4 - Forks: 0

shaadclt/Iris-Species-Detection-KNN
This project involves detecting iris species using the k-nearest neighbors (KNN) algorithm in Jupyter Notebook. The iris species detection task is a classic problem in machine learning, where the goal is to classify iris flowers into different species based on their measurements.
Language: Jupyter Notebook - Size: 43 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

elifkrtl/pkNN
k-Nearest Neighbors Algorithm with p-adic Distance
Language: Python - Size: 457 KB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

Omanshu209/Diagnosify-KNN
This is a Python - based application that predicts diseases based on the symptoms inputted by the user using machine learning (KNN classifier algorithm).
Language: Jupyter Notebook - Size: 601 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

KhaledAshrafH/KNN-Classifier
This repository contains a Python implementation of a K-Nearest Neighbors (KNN) classifier from scratch. It's applied to the "BankNote_Authentication" dataset, which consists of four features (variance, skew, curtosis, and entropy) and a class attribute indicating whether a banknote is real or forged.
Language: Python - Size: 63.5 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

Sarah-Hesham-2022/PendigitsDataset-FromScratch-Simple-KNNClassifier
Building from scratch simple KNN Classifier without using frameworks built-in functions and applying it on the Pen Digits Dataset.
Language: Jupyter Notebook - Size: 993 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

matheus695p/fraud-detection
Fraud detection
Language: HTML - Size: 129 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

DeividSouSan/GenderClassificationWebApp
Aplicação web onde você consegue treinar um modelo de Machine Learning para classificar uma pessoa como do sexo masculino ou feminino com base em seu nome.
Language: Python - Size: 721 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

fitria-dwi/Hoax-Detection
This project aims to build a model to predict the truth of an article, hoax or non-hoax. Apart from that, this project also wants to identify the percentage of hoax and non-hoax articles.
Language: Jupyter Notebook - Size: 4.22 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

t-will-gillis/T_Will_Gillis_Portfolio
Portfolio
Size: 8.31 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

sneharaoganta/Android_Malware_Analysis
Static and Dynamic Analysis of android malware using various different machine learning algorithms
Language: Jupyter Notebook - Size: 499 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Thehunk1206/Classical-ML-Algorithms
Collection of some classical Machine learning Algorithms.
Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

tboudart/Life-Expectancy-Regression-Analysis-and-Classification
I contributed to a group project using the Life Expectancy (WHO) dataset from Kaggle where I performed regression analysis to predict life expectancy and classification to classify countries as developed or developing. The project was completed in Python using the pandas, Matplotlib, NumPy, seaborn, scikit-learn, and statsmodels libraries. The regression models were fitted on the entire dataset, along with subsets for developed and developing countries. I tested ordinary least squares, lasso, ridge, and random forest regression models. Random forest regression performed the best on all three datasets and did not overfit the training set. The testing set R2 was .96 for the entire dataset and developing country subset. The developed country subset achieved an R2 of .8. I tested seven different classification algorithms to classify a country as developing or developed. The models obtained testing set balanced accuracies ranging from 86% - 99%. From best to worst, the models included gradient boosting, random forest, Adaptive Boosting (AdaBoost), decision tree, k-nearest neighbors, support-vector machines, and naive Bayes. I tuned all the models' hyperparameters. None of the models overfitted the training set.
Language: Jupyter Notebook - Size: 2.02 MB - Last synced at: 8 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

spsingh37/Image-classification
This project explores image classification on the PROPS Classification Dataset. It includes K-Nearest Neighbors, Support Vector Machine, and Softmax classifiers, and two-layer and multi-layer neural networks. The goal is to build a machine learning pipeline, experiment with optimizers, and evaluate model performance.
Language: Jupyter Notebook - Size: 15.5 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

BrenoFariasdaSilva/Simpsons-Family-Recognizer
Simpsons Members Recognizer Supervised Machine Learning Algorithm.
Language: Python - Size: 5.53 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

ncdisrup-ai/MotionCaptureHandPostures
Classify the motion capture from hand postures through supervised learning models
Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

caozrich/Etherium_Blockchain_Phishing-_Detection_APP-KNN
k-Nearest Neighbors (KNN) used for an Etherium Blockchain classification problem
Language: Python - Size: 40 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

celilselcuk/Machine-learning-digit-recognition
A digit recognition program which allows digits to be drawn by the user.
Language: Python - Size: 5.86 KB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

Prashant812/Data-Classification
Data Classification using K-Nearest Neighbour Classifier and Bayes Classifier with Unimodal Gaussian Density
Language: Jupyter Notebook - Size: 261 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

JJBarata/ml_anomaly_detection
Modelo preditivo, baseado em 6 modelos de classificação binária e multiclasse, capaz de distinguir entre conexões "ruins", que são os ataques, das conexões "boas" ou normais.
Language: Jupyter Notebook - Size: 2.13 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

prateekagr21/Drinking-water-Analysis
Classifying the different types of water based on analysis and used various Machine Learning algorithms to solve this usecase
Language: Jupyter Notebook - Size: 1010 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Elizabeth-Mathew1/MovieRecommender
A basic movie recommendation system, which uses content-based filtering to suggest the top 5 similar movies as per the user's search.
Language: Jupyter Notebook - Size: 8.67 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Abhrojyoti2001/KNN-demo-Classifier
Creating a KNN Classifier with my own code
Language: Jupyter Notebook - Size: 348 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

tboudart/Tanzanian-Water-Pumps-Clustering-and-Classification
For this group project, I performed cluster analysis and classification using Python to predict one of three classes for water pumps; functional, functional but needs repair, and non-functions. I used clustering to find hidden data structures to exploit for fitting individual classification techniques with better results than using the entire dataset. Unfortunately, k-means clustering, DBSCAN, hierarchical clustering, nor OPTICS produced well-defined clusters. The entire dataset was therefore used for fitting classification algorithms. The two classification techniques I was responsible for were k-nearest neighbors and stacked generalization ensemble. For the latter, I combined the best models each group member developed. All the models had a hard time predicting the functional but need repair class. My best model was only able to achieve an accuracy of 76%.
Language: Jupyter Notebook - Size: 7.61 MB - Last synced at: 8 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

emmapaczkowski/capstone-project
Language: Jupyter Notebook - Size: 112 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

Daymenion/classification-using-KNN-algorithm
CLASSIFICATION USING K-NEAREST NEIGHBORS (KNN) ALGORITHM. This project is for classifying banknotes using the KNN algorithm.
Language: C# - Size: 98.6 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

KaranSingh07/ML-flower-species-classifier
This is my first Machine Learning Project as a project of ShapeAI's ML Bootcamp
Language: Jupyter Notebook - Size: 14.6 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

piyush5566/Genetic-Mutation-Classification
The input for this task include gene-variation data and corresponding research text.
Language: Jupyter Notebook - Size: 1.23 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

masumkhan081/machine-learning
Raw Coding Implementation Of Different Sorts Of Machine Learning Algorithms Without Using Library
Language: Python - Size: 17.6 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

taruchit/BITS_dissertation
Binary and multi-class classifiers to classify benign and malicious events, by using nature inspired Heuristic algorithms for feature selection.
Language: Jupyter Notebook - Size: 82.4 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

aaravgupta626/penguin-classifier
Create a supervised ML program using to classify different breeds of penguins.
Language: Python - Size: 12.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

FrienDotJava/adult-census-income
A machine learning project classifying whether someone has income >$50K or <$50K using several models.
Language: Jupyter Notebook - Size: 2.19 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Torusaynim/Mirea-Data-Analysis
📋 List of practical works from Technologies and Tools for Big Data Analysis subject from university
Language: Jupyter Notebook - Size: 23.5 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

nataliabeltranarg/DeepLearning-Medical-Predictions
Utilizing predictive models (NN,Ensembles,KNN & SVM) to predict patient length of stay or mortality in the ICU.
Language: Jupyter Notebook - Size: 6.49 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

yogawan/machine-learning
Sela, E. I. (2023). Modul Praktikum Machine Learning. Fakultas Sains dan Teknologi Universitas Teknologi Yogyakarta.
Language: Jupyter Notebook - Size: 519 KB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

prajwalp3/Cardiovascular-Disease-prediction-using-Machine-learning-models
Our project utilizes machine learning models to predict cardiovascular diseases (CVDs) by analyzing diverse datasets and exploring 14 different algorithms. The aim is to enable early detection, personalized interventions, and improved healthcare outcomes.
Language: Jupyter Notebook - Size: 575 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

saumyaprasad07/Gaming-Ballot-Analysis-using-Machine-Learning
This repository contains a Gaming Ballot Analysis project made by me as a part of my Machine Learning Coursework.
Language: Jupyter Notebook - Size: 2.68 MB - Last synced at: 17 days ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

dhwabqryh/Data-Mining-I
Tugas praktikum Data Mining I
Language: Jupyter Notebook - Size: 2.01 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

PratishMashankar/twitter-sentiment-analysis
Performing comparative sentiment analysis to determine public reaction on newly introduced Farm Laws of 2020, India by collecting data using Twitter Tweepy API
Language: Python - Size: 16.3 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 2

HassanMahmoodKhan/A-Data-Driven-Analysis-of-Global-Income-Distribution
This project aims to predict the income bracket of individuals based on a variety of features, and presents a holistic comparative analysis between multiple machine learning algorithms through hyperparameter optimization on a binary classification problem.
Language: Jupyter Notebook - Size: 13.7 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

justinapnguyen/Hotel_Reviews_Analysis_Using_NLP
In this project, we aim to analyze hotel reviews to determine the underlying sentiment expressed by customers. Our goal is to differentiate between positive and negative reviews using Natural Language Processing (NLP) techniques and machine learning algorithms.
Language: Jupyter Notebook - Size: 2.75 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

DrStef/Applied_Data_Science_Capstone_SpaceX_IBM
Data Science Project: SpaceX Falcon 9 First Stage Landing Prediction.
Language: Jupyter Notebook - Size: 21.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 2

Impact-Dev1/Road-Traffic-Severity-Classification
Road Traffic Accident Severity: A Comparative Analysis
Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

CJMonahann/AI-Classification-Problem-Face-Detection-using-Face-Images-
This project was developed for the CSC-481: Artificial Intelligence class at Southern Connecticut State University. The purpose of this assignment was to use the K-Nearest Neighbor classifier, as well as Decision Tree classifier, to create AI models that could identify the gender of an individual from the provided face dataset.
Language: Python - Size: 25.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

vasupatelll/Email_Spam_Classifier
A Machine Learning Processing with SMS Data to predict whether the SMS is Spam/Ham with various ML Algorithms like MultinomialNB, LogisticRegression, SVC, DecisionTreeClassifier, RandomForestClassifier, KNeighborsClassifier, AdaBoostClassifier, BaggingClassifier, ExtraTreesClassifier, GradientBoostingClassifier, XGBClassifier to compare accuracy an
Language: Jupyter Notebook - Size: 660 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

RohitG57/Estimation-of-obesity-levels-based-on-eating-habits-and-physical-condition
This dataset include data for the estimation of obesity levels in individuals from the countries of Mexico, Peru and Colombia, based on their eating habits and physical condition. The data contains 17 attributes and 2111 records.
Language: Jupyter Notebook - Size: 9.25 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

tararelan/Kaggle-Pancreatic-Cancer
Urinary Biomarkers for Pancreatic Cancer
Language: Jupyter Notebook - Size: 108 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

KIAND-glitch/Classification-Models
Implementation for the Classification and Evaluation models as part of the Introduction to Machine Learning (COMP90049) course at The University of Melbourne.
Language: Jupyter Notebook - Size: 136 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

WilhenAlbertoHM/Tweets-Classification
This project comes from my course in Codecademy, "Build a Machine Learning Model with Python - Skill Path." The project consists of two machine learning models: K-Nearest Neighbors and Naïve Bayes.
Language: Jupyter Notebook - Size: 13.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Ashwin0229/Collaborative-Filtering-K-nearest-neighbors-and-SVM
Using Collaborative Filtering predicting Movie Rating and K-nearest Neighbours & SVM algorithms for Number ClassificationNumber Classification
Language: Python - Size: 95.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Asmagithu/Prediction-with-Regression-5th-Nov.
This repo include iPhone purchase price prediction project and Bangalore House Price Prediction Project
Size: 869 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ahomec/emopro
Language: Python - Size: 11.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

JoseCorreaMorales/ImagePrediction-tersorflow
Uso de TensorFlow.js para llevar a cabo la predicción de imágenes mediante el uso del modelo MobileNet y la clasificación usando el algoritmo K-Nearest Neighbor y 🖐️PoseDetection. Permite la identificación de objetos en imágenes de fuentes como Picsum, e integra la habilidad de cambiar de manera dinámica streams en tiempo real desde la webcam
Language: JavaScript - Size: 2.74 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

fmoyson/python-machine-learning
Python Machine Learning algorithms and experiments. At the moment there is an implementation of k nearest neighbours on features projection algorithm (k-NNFP), and Voting Feature Intervals algorithm.
Language: Jupyter Notebook - Size: 753 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Taabannn/intro-ml
This repository has been created just for warm-up in machine learning and there are my simulation files of UT-ML course HWs.
Language: Jupyter Notebook - Size: 48.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

lxaw/kmeansclustering-cpp
Let's get those centroids!
Language: C++ - Size: 339 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

AnusreeSreekumar/Diabetics-Prediction
Diabetics Prediction using machine learning and Tableau
Language: Jupyter Notebook - Size: 1.94 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

friskyspock/zoo-data-excelr
Classifying animals in the Zoo
Language: Jupyter Notebook - Size: 321 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

iremustek/Predictive-Maintenance-Analysis
The project aims to enhance aircraft engine maintenance operations and planning using statistical learning and machine learning methods.
Language: Jupyter Notebook - Size: 593 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

PRiauwindu/Predicting-Song-Preference-in-Spotify-Using-K-Nearest-Neighbor-Classifier
Building K-Nearest-Neighbor classifier model using Spotify dataset to predict song preference of a given hypothetical person.
Size: 363 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

adharshvenkat/loan-defaults-prediction
A Machine Learning Project that aims to perform loan defaults prediction to help banks mitigate the risk of lending bad loans
Language: Jupyter Notebook - Size: 3.82 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

nmathias0121/ml-model-algorithms
import datasets, perform exploratory data analysis, scaling & different models such as linear or logistic regression, decision trees, random forests, K means, support vectors etc.
Language: Python - Size: 47.9 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ramzimimou/Classification-social-network-ads
Classification using Naive Bayes, Decision Tree and KNN algorithms
Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

KNeugent/kNN-BinaryStars
Differentiates between single and binary star systems using photometric constraints and a k-NN classification algorithm.
Language: Python - Size: 753 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

sairbarbaros/Telecom_Customer_Service_Predictor
Predict the services used by telecom customers based on their demographic data with K-Nearest Neighbors algorithm. The dataset is present in this repo.
Language: Jupyter Notebook - Size: 98.6 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

vishwajeet161/Machine-Learning-model-for-disease-prediction
Machine Learning Model for Disease Prediction based on Symptoms given by the user. The model will predict the disease using four different algorithms by taking minimum 2 and maximum 5 symptoms as input.
Language: Jupyter Notebook - Size: 175 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Praveen2812git/knn_distance_metric_comparison
Performance Comparison of two different distance metrics in K - Nearest Neighbors
Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ArpitaSatsangi/brain-stroke-prediction
Language: Jupyter Notebook - Size: 5.13 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Mark-McAdam/Build-K-Nearest-Neighbors
Implementation of K-Nearest Neighbors algorithm rebuilt from scratch using Python. Comparison to the Sci-Kit Learn implementation included.
Language: Jupyter Notebook - Size: 424 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

PouyaRepos/Spam_detection
Detecting anomalies (spams) by fitting several algorithms Topics
Language: Jupyter Notebook - Size: 3.99 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

fitria-dwi/Airline-Passenger-Satisfaction
This project was made as a final exam report for a Data Mining course at Universitas Indonesia.
Language: Jupyter Notebook - Size: 11.6 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Rajat4445/KNN-Classification-
Understanding the fundamentals of Supervised ML Algorithm, K-Nearest Neighbors (KNN) for a classification problem and using Hyperparameter Tuning to achieve the best performance.
Language: Jupyter Notebook - Size: 423 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

vargovema/ML_movies_votes
Classification of movie rankings
Language: R - Size: 10.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

umangU/Appointment1000
Language: R - Size: 55.7 KB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

MathCortes/Projeto8-Iris-ML_Classification
Base Iris traz informações sobre algumas dimensões e partes de diferentes flores. Baseado nessas dimensões podemos prever qual tipo de flor estamos tratando!
Language: Jupyter Notebook - Size: 690 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

cong-khai-nguyen/car-evaluation
Car Evaluation
Language: Python - Size: 15.6 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

sukruta230901/Machine-Learning-KNN-SVM-LAB
This repository contains the Lab practices of Machine Learning performed in Jupyter Notebook using python language. This repo consists of KNN and SVM Classification models to perform classification on the iris dataset.
Language: Jupyter Notebook - Size: 90.8 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

MarsRoboters/Liar-Detector
Unsupervised Learning Algorithms being implemented to detect a liar.
Language: Python - Size: 494 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

prateekagr21/Gender-Classification-with-BMI
Analysis and Classification of gender with the help of Body Mass Index using some Machine Learning Algorithms.
Language: Jupyter Notebook - Size: 903 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

dr-rompecabezas/book-recommendation-engine-using-knn
A machine learning project built as part of the freeCodeCamp curriculum
Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Antika-Roy/carDataEvaluationUsingKNN
Classify car safety as safe or unsafe Using k-nearest neighbors classifier on Car Evaluation Data Set
Language: Python - Size: 6.84 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

chandukasturi/Machine_Learning_Algorithms
Implemented various Machine Learning algorithms from scratch (k-means Clustering , k-nn classifier, k-nn regressor)
Language: Jupyter Notebook - Size: 1.87 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

celestial-shubham/ML-project
heart-disease analysis(Classification)
Language: Jupyter Notebook - Size: 814 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 2

somjit101/DS-kNN-K-Fold-CV
An implementation of the **k-Nearest Neighbours Classification Algorithm** using some popular demo datasets.
Language: Jupyter Notebook - Size: 1.87 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

woodsman1/ML-Models
Language: Jupyter Notebook - Size: 230 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

LBBassani/classificador-haskell
Classificadores vizinho mais próximo, k-vizinhos mais próximos e centroíde programados em Haskell para primeiro e segundo o trabalho computacional de Programação Funcional.
Language: Haskell - Size: 114 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

psrth/intro-to-machine-learning
intro to ML/AI by solving the MNIST dataset using different classification methods
Language: Jupyter Notebook - Size: 120 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

hanaecarrie/EE5907_PatternRecognition
NUS Pattern Recognition module graded assignments
Language: Jupyter Notebook - Size: 7.87 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

danisaleem/Simple-K-Nearest-Neighbors-Python
A simple python script that implements K Nearest Neighbors Algorithm. University Assignment
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

ahmet-yigit/pattern-recognition-knn
Language: Python - Size: 13.7 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0
