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

Topic: "knn-algorithm"

hashirshoaeb/Polygon-classifier 📦

Distinguishing polygon shapes in testing image on the basis of provided training dataset using KNN algorithm.

Language: Python - Size: 10.7 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

mayankaga94/Collaborative-Filtering

Recommendation system using collaborative filtering on a movie dataset

Language: Jupyter Notebook - Size: 49.8 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

gnsaddy/bookRecommendationSystem

Language: Jupyter Notebook - Size: 18 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 2

matakshay/digit_recognition

Machine Learning model to Recognise & Classify handwritten digits from MNIST Database using kNN Algorithm

Language: Python - Size: 14.4 MB - Last synced at: 5 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

matakshay/Face_recognition

Machine Learning model which uses kNN Algorithm & Computer Vision to recognise different faces

Language: Python - Size: 115 KB - Last synced at: 5 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

loulan-D/Machine-Learning

Machine-Learning in Action notes

Language: Jupyter Notebook - Size: 22.6 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

xichie/Hadoop

Language: Java - Size: 46.5 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

as3eem/AmazonFoodReview

Data Mining on Amazon Fine Food Reviews Dataset. It also depicts a detailed comparative analysis of accuracies in various ML-Models.

Language: Jupyter Notebook - Size: 3.25 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

chaitanyakasaraneni/medicaltextclassification

Classification of Medical Text Abstracts into 5 classes using bag of words using epsilon-kNN

Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

atasoglu/Space-Shuttle-Landing-Control

An expirement about Space Shuttle which have to decided to auto or manuel landing by using Machine Learning.

Language: Python - Size: 63.5 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

sdrttnclskn/R-rfm-model

Elektrik verisi ile müşteri skorlama model çalışmaları.

Language: HTML - Size: 50.8 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

niketan108/KNN-on-Amazon-food-review

Amazon Fine Food Review, Sentiment Analysis using Machine Learning technique KNN.

Language: Jupyter Notebook - Size: 164 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

Semllo/ProximityProductBackEnd

Product recommendation application, deployed in:

Language: JavaScript - Size: 2.75 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

Nemshan/K-NN-Algorithm-From-Scratch

the challenge : write a KNN Algorithm that 1.Must be able to accept both numeric and categorical features. 2.Must at least perform classification, regression is optional. 3-Use Gower distance (Minkowski’s for continuous and Jaccard for categorical 4.Use Titanic data to predict survival and IRIS to predict type

Language: Jupyter Notebook - Size: 41 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 3

katreparitosh/Machine-Learning-Model

A machine-learning model using Scikit Learn.

Language: Jupyter Notebook - Size: 57.6 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

frm1789/ML_KNN

Machine Learning examples using k-nearest neighbors algorithm

Language: R - Size: 2.93 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

lucasgris/knn-python 📦

KNN algorithm based on sci-kit learn library

Language: Jupyter Notebook - Size: 455 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

jaewhyun/text_analytics

Created topic models with tf-idf for 142 unlabled news articles using the Stanford Core NLP library. With the resulting data, implemented clustering and classification algorithms (K-means and KNN) from scratch.

Language: Java - Size: 32.2 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

agade007/Movie-Recomendation-System

Main aim is to generate movie recommendations for a user, given the movie they already watched and the respective rating they gave for those movies

Language: Jupyter Notebook - Size: 2.76 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

aeakdogan/Movie-Category-Classification-from-Subtitles Fork of mesutgurlek/Movie-Category-Classification-from-Subtitles

In this project, aim is to categorise movies into genres by analysing subtitles with machine learning techniques.

Language: SRecode Template - Size: 392 MB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

abhinandan2540/LearningFaces

Face recognition system using KNN algorithm

Language: Jupyter Notebook - Size: 22.4 MB - Last synced at: about 13 hours ago - Pushed at: about 14 hours ago - Stars: 0 - Forks: 0

hivellm/nexus

Nexus is a modern graph database built for read-heavy workloads with first-class KNN (K-Nearest Neighbors) support. Inspired by Neo4j's architecture, it combines the power of graph traversal with vector similarity search for hybrid RAG (Retrieval-Augmented Generation) applications.

Language: Rust - Size: 2.09 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

Dinesh-Sharma2004/ML_Algorithm_from_scratch

This repository contains implementations of fundamental Machine Learning algorithms from scratch using only Python and core libraries like NumPy , Pandas and Matplotlib.

Language: Jupyter Notebook - Size: 132 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

shahbajtahershezan/Crop-Recommendation-using-ML-Algorithms

A machine learning-based crop recommendation system that predicts the most crop to cultivate based on environmental and soil parameters. This project compares multiple classification algorithms, including SVM, Random Forest, Decision Tree, KNN, Naive Bayes, Logistic Regression, and ANN, to determine the optimal model for accurate crop prediction.

Language: Jupyter Notebook - Size: 2.72 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

dishafaujdar/MiniKit

Mini version of scikit learn, to understand different algorithms

Language: Python - Size: 108 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

konadamis2/weightClassifier

Classification of weight

Language: Python - Size: 4.88 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

shaurya010/Attack-on-Lattice-Shortest-Vector-Problem-using-K-Nearest-Neighbour

Attack On Shortest Vector Problem of Post-Quantum Cryptography Using ML(KNN)

Language: Python - Size: 16.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

vazzajr10/Sentiment-Analysis-and-Topic-Modelling

The Sentiment Analysis and Topic Modelling of Tokocrypto Application Code Program

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

MN-Bago/ml-classification-and-pr

Explore machine learning classification techniques, focusing on probabilistic models and classical classifiers. Join us in uncovering user stress levels with Lorentzian-based methods! 🐙📊

Size: 12.7 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ArthurdxvMods/laptop_price_prediction

Predict laptop prices using machine learning with a Random Forest model. Explore data, build a pipeline, and interact through a Streamlit app. 🖥️📊

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

DevWaqarAhmad/Movies-Recommendation-System

The Movie Recommendation System suggests personalized movies based on user preferences using the K-Nearest Neighbors (KNN) algorithm. Built with Python, Flask, and joblib, it processes genre inputs to recommend similar movies. The system provides an intuitive web interface for users to interact with.

Language: HTML - Size: 655 KB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

dmazilkin/ML-kNN

k-Nearest Neighbors algorithm from scratch.

Language: Python - Size: 10.7 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

zahoon/Laptop-Recommendation-System

your best laptop website !

Language: HTML - Size: 1.22 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

soro8/Recommender-System-MovieLens

# Recommender-System-MovieLensThis repository contains a machine learning project that builds a movie recommendation system using Content-Based Filtering and Collaborative Filtering approaches. 🛠️ It aims to help users navigate large film catalogs and discover new titles they are likely to enjoy. 📽️

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

DmytroRi/Primus-Anomaly-Detector

Primus sucks!

Language: Python - Size: 71.2 MB - Last synced at: 28 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

sourabhmarne777/python-nearest-neighbours-machine-learning-algorithm

Custom implementation of K-Nearest Neighbors algorithm from scratch in Python with performance comparison to scikit-learn.

Language: Jupyter Notebook - Size: 35.2 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Dicoding-Addin/ML-Terapan-Pertama

Proyek Pertama ML-Terapan

Language: Jupyter Notebook - Size: 2.11 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

ManishKumarPatel07/Heartattack_Risk_Prediction

"Heart Attack Risk Prediction" uses machine learning to estimate the likelihood of a heart attack based on user-provided data like physical attributes, symptoms, and medical history. This system enables remote screening, identifying high-risk individuals, and easing medical system burdens by providing early, data-driven health risk assessments.

Language: Jupyter Notebook - Size: 2.32 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

raiffaza/Loan-Prediction-Streamlit

The purpose of using machine learning in this case is to automate the loan application evaluation process by building a predictive model that can classify loan applications into two categories: `Approved` or ` Rejected'

Language: Jupyter Notebook - Size: 6.1 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

nodestark/knn-esp32-vector

Tiny ESP32 KNN Vector Database

Language: C - Size: 12.7 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

mdaltamashalam/Spotify-Recommendation-Algorithms

This project builds a simple and effective music recommendation system using Spotify song data and the K-Nearest Neighbors (KNN) algorithm.

Language: Jupyter Notebook - Size: 304 KB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

daniel-lima-lopez/Ada-kNN-Python

A python implementation of the classifier Ada-kNN

Language: Python - Size: 3.54 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

cherylisabella/Whiskey

A Flask-powered Scotch whiskey recommendation system using k-NN algorithms to provide personalized suggestions based on customer preferences, purchase history, and reviews. Features role-based access for managers and employees, CSV data management, and loyalty discount tiers to optimize customer engagement.

Language: Python - Size: 577 KB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

PrathuashaKB/iPhone-Sales-Prediction

Machine Learning model to predict iPhone sales using K-NN algorithm. Concluded the machine learning lab practicals by submitting this work.

Language: Jupyter Notebook - Size: 1.24 MB - 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

mathewvieira/sistemas-de-apoio-a-decisao-av1

Cadeira de Sistemas de Apoio à Decisão - VP1 - UNI7

Language: Python - Size: 4.88 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Zamix014/FontPair

just fun font pairing.

Language: HTML - Size: 13.7 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

rohanrony19/Movie-Recommendation-System

This is a python project where using Pandas library we will find correlation and give the best recommendation for movies.

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: 8 months ago - Pushed at: 8 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

AnuritiGupta26/StockVision

StockVision is an AI-powered stock price prediction model that leverages machine learning algorithms to forecast the future performance of stocks. The project utilizes historical market data, including stock prices, volumes, and other market indicators, to predict price trends and provide valuable insights for investors.

Language: Jupyter Notebook - Size: 92.8 KB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Vishal-sys-code/machine-learning-complete-guide

The Complete Machine Learning Repository

Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: 8 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

ttr1524/AI-Stock-Market-Predictor

An AI model that predicts stock prices based on historical data.

Size: 1000 Bytes - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

AkkarinJB/Food-recommend-frontend

Food Recommendation System - Frontend

Language: JavaScript - Size: 1.83 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

pydevtop/Neural-Network-KNN

Neural Network KNN for determining the state of the road surface

Language: Jupyter Notebook - Size: 514 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

StarlangSoftware/Classification-CS

Machine learning library for classification tasks

Language: C# - Size: 1.27 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 1

NajwaQu/Iris-Flower-Classification-Using-the-K-Nearest-Neighbors-Algorithm-

This project focuses on implementing a machine learning model to classify Iris flower species using the K-Nearest Neighbors (KNN) algorithm.

Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

AtRealMasterLuke/K-Nearest-Neighbors-KNN-Algorithm-with-Telecommunications-Customer-Dataset

KNN ML Algorithm

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

LeweC/pose_tree

The PoseTree container is a data structure designed to efficiently perform K-NNS of poses. Especially poses where the orientation is given by Euler angles. Heavily based on the work of [@attcs] and their Octree library.

Language: C++ - Size: 441 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

sharoonjoseph11/Insurance_Fraud_Detection

Fraud Detection using machine learning algorithm-KN Neighbors .Data exploration using Pyspark and matplotlib.

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

Apfirebolt/movie_recommendation_using_scikitlearn_and_pyqt5

A movie recommendation system built using KNN model from scikit-learn library. GUI components are powered by pyQt5, a library to create GUI applications in Python

Language: Jupyter Notebook - Size: 2.68 MB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Razvan48/Digit-Recognizer-in-Python

A simple digit recognizer written using Python.

Language: Python - Size: 5.05 MB - Last synced at: 20 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

prcharan592/Seamless-Attendance-Automation-Using-Facial-Recognition-

The system uses facial recognition to automatically identify registered users in real-time via webcam, leveraging OpenCV for face detection and KNN for identification. Attendance data is stored in CSV files and managed through a Flask web application for seamless user interaction.

Language: Python - Size: 295 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Chenna7893/Optimizing-Credit-Card-Fraud-Detection-Using-Ensemble-Methods

The project demonstrates the effectiveness of combining AdaBoost and Majority Voting for credit card fraud detection, providing a reliable and accurate solution to combat fraudulent activities in financial transactions.

Size: 9.13 MB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Tirthraj1605/CDP-Knowledge-Assistant

Welcome to the CDP Knowledge Assistant! This chatbot leverages cutting-edge Natural Language Processing (NLP) techniques to help users retrieve and answer queries from documentation of CDP platforms such as Segment, mParticle, Lytics, and Zeotap.

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

lukasz-iskierka/ml-music-classification

Music genre classification comparing RandomForest, KNN, and SVM models with optimised feature selection, achieving 91% accuracy using KNN on the GTZAN dataset

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

R-Mahesh45/Zoo-and-Glass-Classification-Using-KNN

This project uses a K-Nearest Neighbors (KNN) classifier to categorize animals and classify glass types based on various features, with data preprocessing, model training, and accuracy evaluation through cross-validation.

Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: 8 months ago - Pushed at: 11 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: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Abshar-Shihab/Fruit_prediction_using_KNN_Classification_model

This repository contains a Python implementation of the K-Nearest Neighbors (KNN) algorithm for predicting the class of fruits based on features such as size, weight, and colour.

Language: Python - Size: 6.84 KB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

agung96tm/learn-knn

Python implementation of the K-Nearest Neighbors (KNN) algorithm.

Language: Python - Size: 2.93 KB - Last synced at: 27 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

evaveli/Supervised-Learning

Introduction to Machine Learning, Supervised Learning project. This project is done in collaboration with Andras Kasa and Niklas Long Schiefelbein

Language: Python - Size: 44.9 KB - Last synced at: 8 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

daniel-lima-lopez/Collaborative-Filtering-in-Recomender-System

A kNN-based collaborative filtering applied to a movie recommender system

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

thabsheerjm/CBIR

Content based image Retrievel

Language: Python - Size: 16.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

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

vsvirat/Heart-failure-prediction-system

This prediction system comprise of KNN and lineat Regression algorithm where we train data using both the algorithms and find the best algorithm by finding the Absolute error.

Language: Python - Size: 5.86 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

StarlangSoftware/Classification-Js

Machine Learning Library for Classification Tasks

Language: TypeScript - Size: 1010 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Behradsadeghi/Predicting-Loan-Acceptance

ML project

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

GislaineMartins/Students-Performance

Análise e Classificação de Dados Students Performance. (Data Science)

Language: R - Size: 1.16 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

HamzaZafar10/Car-Price-Predication-KNN

Predicate car price from 4300+ data entries in dataset It Include KNN, Neural network ,Naive Bayes, KMean Clustering

Language: Jupyter Notebook - Size: 542 KB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

saturnette/Collaborative-Filtering-K-Nearest-Neighbors

Prueba de un sistema de recomendación de Pokémon utilizando el algoritmo de filtrado colaborativo basado en los k vecinos más cercanos (K-Nearest Neighbors, KNN).

Language: Python - Size: 325 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

ziggybaz/K-nn_Recommender 📦

A basic implementation of K-nearest-neighbour in Rust

Language: Rust - Size: 1.02 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

jharishav99/Pizza-Parlour-Study

In the given list of locations of customers who frequently order Pizza we want to find out optimal locations of Pizza Parlours where they should be opened.

Language: Jupyter Notebook - Size: 2.28 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sakshixalxo/Smart-Attendance-System-Based-on-Face-Recognition

Real time Smart Attendance System Based on Face Recognition

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

areeba0/KNN_in_C-

K-Nearest Neighbors (KNN) is a supervised learning algorithm commonly used for classification and regression tasks. In this implementation, the algorithm is adapted to cluster a set of data points into predefined groups by iteratively refining group averages until convergence.

Language: C++ - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

NishraMahveen/A-Robust-Approach-for-Effective-Spam-Detection-using-Supervised-Learning-Technique

This project detects spam messages in SMS, including those written in regional languages typed in English. It uses an extended SMS dataset and applies the Monte Carlo method with various supervised learning algorithms to improve spam detection.

Language: HTML - Size: 170 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Niangmohamed/Machine-Learning-with-Python

This repository contains an introduction to Machine Learning with Python.

Language: Jupyter Notebook - Size: 256 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

CosmoJelly/Face-Recognition-Algorithms-Analysis

Using K-Nearest Neighbour (KNN) and Support Machine Vector (SVM) to compare analysis on a subset of the CMU Pose, Illumination, and Expression (PIE) Dataset.

Language: Jupyter Notebook - Size: 2.26 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

cabraldasilvac/KNN_Algorithm_Project

Desenvolvimento de Algoritmos de Inteligência Artificial. Trabalho de implementação do algoritmo KNN na base de dados iris.data

Language: Python - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Mansafreo/Primitive-KNN-in-Javascript

A simple KNN algorithm in Javascript that can be used to classify data

Language: JavaScript - Size: 22.5 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

tusharpandey003/Basics-of-machine-learning

Basics of machine learning is END-TO-END Repository which includes very Basic Machine Learning Models and Notebook

Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

souravmalik123/Project-on-KNN-bangalore-house-price-prediction

K - nearest neighbors alogrithm - prediction the price of bangalore houses

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

zivmax/si100b-2022fa-proj

This repository contains all of our team's project files of SI100B (Shanghaitech University)

Language: Smarty - Size: 250 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ns-nexus/Rain-Prediction-in-Australia

We are going to use the different classification algorithms to create a model to predict rain in Australia. This project was done as a part of the Honors portion of the IBM Machine Learning Course on Coursera.

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

nemat-al/Introduction_To_Machine_Learning

Tasks for Introduction to Machine Learning Course @ ITMO University

Language: Jupyter Notebook - Size: 30.3 KB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Hrichik1/CIFAR-10_Dataset

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

thedigitalchief/realestate-price-ml

Machine learning real estate housing market analyzer and price predictor. Data sourced from automated web-scraper.

Language: Python - Size: 2.11 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: 21 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Mayurikharat1/Machine-Learning-Project

This repository contains Machine Learning Projects

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

dens-cm/crop_recommender

Crop Recommender using KNN.

Language: Python - Size: 85.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

eiliaJafari/Detecting-Rock-or-Mine-with-knn

Detecting the difference between a rock or a mine based on the response of the 60 separate sonar frequencies using Knn classifier

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

Related Topics
machine-learning 220 python 132 knn 98 knn-classification 93 machine-learning-algorithms 92 knn-classifier 63 logistic-regression 58 python3 48 data-science 44 linear-regression 41 random-forest 35 jupyter-notebook 34 pandas 33 decision-trees 33 numpy 32 artificial-intelligence 25 svm 25 classification 24 knn-regression 22 scikit-learn 22 naive-bayes-algorithm 21 decision-tree-classifier 20 recommender-system 19 knn-model 18 data-analysis 18 kmeans-clustering 18 naive-bayes-classifier 17 matplotlib 17 svm-classifier 17 random-forest-classifier 16 svm-model 16 decision-tree 16 opencv 15 neural-network 14 kmeans-algorithm 14 ml 14 data-visualization 13 flask 12 iris-dataset 12 supervised-learning 12 seaborn 12 classification-algorithm 12 sklearn 12 dataset 12 k-nearest-neighbours 11 collaborative-filtering 11 recommendation-system 11 java 10 cosine-similarity 10 pca 10 ai 10 machinelearning 9 support-vector-machines 9 computer-vision 9 support-vector-machine 9 streamlit 9 k-means-clustering 8 deep-learning 8 naive-bayes 8 algorithms 8 data 8 logistic-regression-algorithm 8 machinelearning-python 7 movie-recommendation 7 confusion-matrix 7 supervised-machine-learning 7 data-mining 7 knn-python 7 nearest-neighbor-search 7 feature-selection 7 regression-algorithms 7 algorithm 7 gradient-descent 7 deep-neural-networks 7 tensorflow 7 diabetes-prediction 7 prediction 7 regression-models 6 search-engine 6 kmeans-clustering-algorithm 6 feature-engineering 6 adaboost-algorithm 6 nodejs 6 unsupervised-machine-learning 6 iris-classification 6 scikitlearn-machine-learning 6 pca-analysis 6 cpp 6 clustering 6 face-recognition 6 multilayer-perceptron-network 5 data-structures 5 euclidean-distances 5 sklearn-library 5 html 5 regression 5 k-nearest-neighbors 5 similarity-search 5 tf-idf 5 text-classification 5