Projects in Awesome Lists tagged with knearest-neighbor-classifier
A curated list of projects in awesome lists tagged with knearest-neighbor-classifier .
https://github.com/evernext10/hand-gesture-recognition-machine-learning
Automatic method for the recognition of hand gestures for the categorization of vowels and numbers in Colombian sign language based on Neural Networks (Perceptrons), Support Vector Machine and K-Nearest Neighbor for classifier /// Método automático para el reconocimiento de gestos de mano para la categorización de vocales y números en lenguaje de señas colombiano basado en redes neuronales (perceptrones), soporte de máquina vectorial y K-vecino más cercano para clasificador
artificial-intelligence colombian-sign-language colombian-signal-language f1-score feature-extraction gesture hand knearest-neighbor-classifier knn-classification knn-classifier lsc machine-learning machinelearning neural-network precision preprocessing recall recognition signal-processing support-vector-machines
Last synced: 22 Apr 2025
https://github.com/kanchitank/mushroom-classification
A machine-learning project to determine if a certain mushroom is edible or poisonous.
decision-tree-classifier knearest-neighbor-classifier logistic-regression machine-learning machine-learning-algorithms mushroom-classification mushroom-dataset naive-bayes-classifier random-forest-classifier support-vector-machines
Last synced: 07 May 2025
https://github.com/madeyoga/face-recognition
Train SVM & KNN model for face recognition with the help of "The world's simplest facial recognition api for Python and the command line"
face-recognition knearest-neighbor-classifier sklearn support-vector-machine svm svm-classifier
Last synced: 13 Feb 2025
https://github.com/kshitijshrivastava1903/liver-disease-prediction-using-ml_algorithms
Used 5 different supervised machine learning algorithms and trained them with real data of people with and without liver disease. Then evaluated the results of each of them using different parameters to choose the best one.
decision-trees knearest-neighbor-classifier logistic-regression machine-learning-algorithms matplotlib-pyplot random-forest-classifier seaborn-plots support-vector-machines
Last synced: 15 Jan 2025
https://github.com/lucasfrag/dengue-prediction-knc
Projeto desenvolvido para realizar previsão de casos de dengue usando o algoritmo de classificação KNeighborsClassifier.
data-science knearest-neighbor-classifier machine-learning pandas python scikit-learn
Last synced: 11 Mar 2025
https://github.com/sonu275981/breast-cancer-prediction
Breast Cancer Classification using Machine learning is widely used in bioinformatics and particularly in breast cancer diagnosis. In this project, certain classification methods such as K-nearest neighbours (K-NN), Support Vector Machine (SVM), GaussianNB and Random Forest which is a supervised learning method to detect breast cancer are used.
breast-cancer-prediction breastcancer-classification cancer classification-model knearest-neighbor-classifier logistic-regression machine-learning medical python random-forest supervised-learning support-vector-machine
Last synced: 10 Apr 2025
https://github.com/gkar90/okcupid-project
Scrape OKCupid data and run data analysis and machine learning to better predict variables.
data-science decision-tree-classifier knearest-neighbor-classifier linear-regression python3
Last synced: 28 Feb 2025
https://github.com/psavarmattas/stroke-prediction-ml-model
This is just a theoretical Machine Learning Model that will analyze the data and determine where the stroke can occur.
classification decision-tree-classifier knearest-neighbor-classifier logistic-regression machine-learning multi-layer-perceptron python random-forest scikit-learn sklearn stacking-classifier support-vector-classifier
Last synced: 19 Feb 2025
https://github.com/ms-daniel/ii-projeto-ia
Esse pequeno projeto tem como objetivo fazer testes de acurácia com rede neural com apenas um neurônio sem classificadores e com 2 (dois) classificadores, sendo eles KNN e 1R.
1r knearest-neighbor-algorithm knearest-neighbor-classification knearest-neighbor-classifier knearest-neighbors kneighborsclassifier knn-classification one-rule one-rule-classifier onerclassifier oneruleclassifier perceptron tkinter tkinter-gui tkinter-python
Last synced: 09 Apr 2025
https://github.com/nemeslaszlo/heart-disease
Heart disease classification project with different models (LogisticRegression, KNeighboursClassifier, RandomForestClassifier) and detailed reports.
classification knearest-neighbor-classifier logistic-regression mathplotlib numpy pandas randomforest-classification scikit-learn seaborn
Last synced: 24 Mar 2025
https://github.com/johannaschmidle/churnpredictionmodel
Machine learning models to predict customer churn in a bank using features like age, credit score, and account activity, implemented with Random Forest and GridSearchCV for optimal performance (Python)
customer-churn-prediction eda knearest-neighbor-classifier logistic-regression machine-learning randomforestclassifier svc-model xgboost-classifier
Last synced: 28 Feb 2025
https://github.com/srilaasya/breast-cancer-classifier
Used several Python libraries to make a K-Nearest Neighbor classifier that is trained to predict whether a patient has breast cancer
knearest-neighbor-classifier python scikit-learn
Last synced: 19 Mar 2025
https://github.com/abdelrahman-amen/titanic-survival-prediction
The Titanic dataset includes passenger information such as survival status, ticket class, gender, age, family relations aboard, fare, cabin, and port of embarkation. It's widely used for predictive modeling to understand survival patterns based on passenger attributes.
decision-tree-classifier gaussiannb gradient-boosting-classifier knearest-neighbor-classifier logistic-regression python random-forest-classifier sgd-classifier svc
Last synced: 05 Apr 2025
https://github.com/rcode879/handwritten-digit-detector
A school machine learning project based on the Knearest neighbours model
csv-files knearest-neighbor-algorithm knearest-neighbor-classification knearest-neighbor-classifier machine-learning opencv python3 tkinter tkinter-gui
Last synced: 04 Apr 2025
https://github.com/abdelrahman-amen/k-nearest-neighbors-knn-from-scratch-and-built_in
KNN is a basic machine learning algorithm used for classification and regression tasks. It predicts the class of a new data point based on the majority class of its nearest neighbors. KNN is simple, non-parametric, and learns directly from the training data without explicit training.
knearest-neighbor-classifier pca preprocessing python sklearn
Last synced: 05 Apr 2025
https://github.com/leftcoastnerdgirl/disaster_tweet_classification_nlp
This repository holds the final project for the Natural Language Processing project for the Intel AI Learning and Certification Program.
decision-tree-classifier knearest-neighbor-classifier knn-classifier logistic-regression nlp pandas random-forest-classifier sklearn sklearn-library support-vector-machine svm-classifier
Last synced: 09 Feb 2025
https://github.com/abideen-olawuwo/healthmonitor
A model for healthmonitor
knearest-neighbor-classifier logistic-regression matplotlib numpy pandas python random-forest-classifier seaborn sklearn
Last synced: 04 Mar 2025
https://github.com/milanpeter-77/competition-axa-data-science-challenge
AXA Data Science Challenge
classification crisp-dm data-science decision-tree-classifier knearest-neighbor-classifier logistic-regression python random-forest-classifier spyder support-vector-classification
Last synced: 23 Mar 2025
https://github.com/taeefnajib/glass-type-prediction
In this project, we are going to classify the type of a glass based on the elements used in the glass.
classification deployment flask flask-application knearest-neighbor-classifier knn python render sklearn web-application
Last synced: 14 Mar 2025
https://github.com/anubhavp28/ml-hello-world
My "Hello, World!" program in machine learning.
hello-world knearest-neighbor-classifier machine-learning
Last synced: 06 Mar 2025
https://github.com/mugambi645/machine-learning-with-iris-dataset
Iris classification with supervised learning algorithms
iris-classification knearest-neighbor-classifier logistic-regression naive-bayes-classification supervised-learning
Last synced: 23 Mar 2025
https://github.com/divyanshvyas123/mental-health-prediction
This GitHub repository focuses on predicting mental health conditions. It provides tools and resources for analyzing trends and patterns related to mental health issues.
ai catboost-classifier django github-config hackathon healthcare-analysis healthcare-application html-css-javascript knearest-neighbor-classifier naive-bayes-classifier predictive-modeling r support-vector-machine wordcloud
Last synced: 01 Apr 2025
https://github.com/upasanadhameliya/iris-classifier-project
Uses Machine Learning Python libraries and Predicts the iris flower type based on KNeighboursClassifier model
iris iris-classification iris-dataset knearest-neighbor-algorithm knearest-neighbor-classifier knn-classification python python3 tkinter tkinter-gui tkinter-python
Last synced: 27 Feb 2025