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

GitHub topics: euclidean-distance

dr-mushtaq/Natural-language-processing

This repository is a related to all about Natural Langauge Processing - an A-Z guide to the world of Data Science. This supplement contains the implementation of algorithms, statistical methods and techniques (in Python)

Language: Jupyter Notebook - Size: 1.91 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 14 - Forks: 4

Busra-Deveci/python-algorithms

This project is a simple Python application I created as part of my learning journey. I plan to expand this repository with more complex projects in the future.

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

seung-lab/euclidean-distance-transform-3d

Euclidean distance & signed distance transform for multi-label 3D anisotropic images using marching parabolas.

Language: C++ - Size: 6.54 MB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 249 - Forks: 36

coreydevinanderson/ESDA.js

Simple statistical functions that are useful for exploratory spatial data analysis (ESDA) on-the-fly in JavaScript

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

derrickburns/generalized-kmeans-clustering

Spark library for generalized K-Means clustering. Supports general Bregman divergences. Suitable for clustering probabilistic data, time series data, high dimensional data, and very large data.

Language: HTML - Size: 7.42 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 300 - Forks: 50

AndrewB330/EuclideanMST

Implementations of different algorithms for building Euclidean minimum spanning tree in k-dimensional space.

Language: C++ - Size: 19.5 KB - Last synced at: 5 days ago - Pushed at: almost 4 years ago - Stars: 22 - Forks: 5

GiuliaCuttone/Disease-subtype-discovery-using-multi-omics-data-integration

Bioinformatics project

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

geniuskitchen-ai/vector-search

Code Samples for getting started with Vector Search, Embeddings, Vector Databases and Retrieval Augmented Generation

Size: 2.93 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

antononcube/Raku-Math-DistanceFunctions

Raku package for the computation of various distance functions.

Language: Raku - Size: 30.3 KB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

sminerport/IrisKNNClassifier

Iris flower classification using k-Nearest Neighbors (k-NN) algorithm in Python. Simple, effective ML model for species prediction.

Language: Python - Size: 151 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

antononcube/Raku-Math-DistanceFunctions-Native

Distance functions implemented using Apple's Accelerate library.

Language: C - Size: 21.5 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

areeba0/Image-Classification-using-Gaussian-Naive-Bayes-SVM-and-KNN

the code uses KNN, Gaussian Naive Bayes & SVM to classify images. It preprocesses, normalizes data, applies PCA , computes accuracy, precision etc. It evaluates k-NN using Euclidean distance & cosine similarity, visualizing results with line plots, 3D scatter plots, & confusion matrices to demonstrate classifier performance.

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

areeba0/Image-Segmentation-with-Lazy-Snapping-and-K-Means-Clustering

This Jupyter notebook demonstrates image segmentation using Lazy Snapping and K-Means Clustering. It showcases how these algorithms can partition an image into segments based on pixel intensity and user-defined masks.

Language: Jupyter Notebook - Size: 8.25 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - 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: 2 months ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

Gigi-G/npuzzle

The N-puzzle is a sliding puzzle that consists of a frame of numbered square tiles in random order with one tile missing. The puzzle can be of any size, with the most common sizes being 3x3 and 4x4. The objective of the puzzle is to rearrange the tiles to form a specific pattern.

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

pprattis/k-nearest-neighbors-algorithm-and-rating-prediction

A Java console application that implements the factionality of the knn algorithm to find the similarity between a new user with only a few non zero ratings of some locations, find the k nearest neighbors through similarity score and then predict the ratings of the new user for the non rated locations.

Language: Java - Size: 21.5 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 2

Ninad077/Machine_Learning-KNN_algorithm

Content: Machine Learning, KNN concept, Euclidean distance, Data preprocessing, Scaling the data, Performing train-test split, Applying KNeighbors Classifier, Predicting Y_pred based on X_test, Evaluation using Confusion Matrix, Accuracy score, Recall value & Precision, Underfitting & Overfitting, Measures to overcome Underfitting & Overfitting

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

TommyNiemi/RECOMMENDER_SYSTEM

A movie recommender. Collaborative and content based filtering hybrid model.

Language: HTML - Size: 1.61 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

RobuRishabh/Real_time_2D_Object_Recognition

This project is about real-time 2D object recognition. The goal is to have the computer identify a specified set of objects placed on a white surface in a translation, scale, and rotation invariant manner from a camera looking straight down. The computer should be able to recognize single objects placed in the image and identify the objects.

Language: C++ - Size: 1.21 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

VorticonCmdr/hclust

agglomerative hierarchical clustering for Node.js

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

tiaanduplessis/get-euclidean-distance

Get distance between two coordinates using euclidean distance formula

Language: JavaScript - Size: 36.1 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

NHSDigital/ASC-Overview

Code repository for Adult Social Care Overview

Language: Python - Size: 150 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

tenindra/RN-kNN-Exp

This project consists of implementations of several kNN algorithms for road networks (aka finding nearest points of interest) and the experimental framework to compare them from a research paper published in PVLDB 2016. You can use it to add new methods and/or queries or reproduce our experimental results.

Language: C++ - Size: 394 KB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 7

energyinpython/distance-metrics-for-mcda

Python 3 library for Multi-Criteria Decision Analysis based on distance metrics, providing twenty different distance metrics.

Language: Python - Size: 508 KB - Last synced at: 11 days ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 3

evgenygrobov/Customer_clustering.

Clustered customers into distinct groups based on similarity among demographical and geographical parameters. Applied PCA to dispose insignificant and multi correlated variances. Defined optimal number of clusters for K-Means algorithm. Used Euclidian distance as a measure between centroids.

Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

pprattis/k-fold-cross-validation-and-Root-Mean-Square-error

A Java console application that implemetns k-fold-cross-validation system to check the accuracy of predicted ratings compared to the actual ratings and RMSE to calculate the ideal k for our dataset.

Language: Java - Size: 47.9 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

mdshihabullah/federated-predicted-euclidean-distance

Calculating pairwise euclidean distance matrix for horizontally partitioned data in federated learning environment

Language: Python - Size: 30.4 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Happyxianyueveryday/statslibrary

统计分析课程实验作业/包含《统计分析方法》中因子分析,主成分分析,Kmeans聚类等典型算法的手写实现

Language: Python - Size: 6.44 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 70 - Forks: 23

ahmed-BH/TextureBasedImageRetriever

TextureBasedImageRetriever a Content Based Image Retriever that focuses on texture. It implements the offline phase which is the calulation of descriptors of all images in the datasetn, and the online phase that return the n-similar images from dataset given an input image.

Language: Python - Size: 1.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 1

moneebullah25/generic-c-dsa-algorithms

Collection of Generic Data Structures and Algorithms in C.

Language: C - Size: 363 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 1

henriqueal/classifier

Language: Python - Size: 60.5 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

gbroques/k-means

K-Means and Bisecting K-Means clustering algorithms implemented in Python 3.

Language: Jupyter Notebook - Size: 134 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

FattahWG/Tugas-Akhir

Pembuatan Aplikasi Desktop Pengenalan Jenis Masker dengan Metode Color Histogram dan Euclidean Distance

Language: Python - Size: 71.7 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Zatura/clickstream-content-sessionization

Undergraduate thesis for Bachelor in Computer Engineering

Language: Jupyter Notebook - Size: 6.66 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

Bovojon/AI_k-nearest-neighbors

Language: Python - Size: 198 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

MohamadTarekk/EightPuzzle

Eight Puzzle solver using BFS, DFS & A* search algorithms

Language: Java - Size: 2.76 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 0

darian-catalin-cucer/euclidean-algorithm

Euclidean Algorithm is an efficient algorithm for finding the greatest common divisor (GCD) of two numbers. It repeatedly computes the remainder of the larger number divided by the smaller number until the remainder is zero, at which point the smaller number is the GCD.

Language: Kotlin - Size: 1000 Bytes - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

tamerthamoqa/facenet-realtime-face-recognition

A small-scale flask server facial recognition system, using a pre-trained facenet model with real-time web camera face recognition functionality, and a pre-trained Multi-Task Cascading Convolutional Neural Network (MTCNN) for face detection and cropping.

Language: Python - Size: 3.45 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 88 - Forks: 23

ak811/hsfc

Hand Segmentation and Finger Counting with Convex Hull

Language: Python - Size: 6.84 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

pprattis/k-nearest-neighbors-for-similarity-by-binary-data

A Java console application that implements the factionality of the knn algorithm to find the similarity between a new user's location preferences and the locations. The binary data (0,1) are the location characteristics.

Language: Java - Size: 10.7 KB - Last synced at: 2 days ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

britanniavirtual/Vector_3D_Utilities

C++ 3D Vector class and utilities for common vector operations such as euclidean distance, multiplication of vectors, dot, cross, vector-plane intersect, triangle distance, to/from cartesan & spherical coordinates and more.

Language: C++ - Size: 63.5 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

hansalemaos/a_pandas_ex_group_coordinates_by_distance

Group coordinates by euclidean distance

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

ssvas1997/Movie-Recommendation-Engine

A movie recommendation engine

Language: Python - Size: 9.99 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

DivineOmega/php-distance

Allows for calculation of many types of distance between points

Language: PHP - Size: 15.6 KB - Last synced at: 30 days ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 3

bryandms/dele-viaje-graphql

Graphql API to recommend tourist sites based on user search criteria using the Euclidean distance algorithm.

Language: JavaScript - Size: 145 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 0

xdurfina/celebrity-lookalike

Encoding celebrity dataset with LBP and SIFT and finding matches of given dataset. Option for finding your celebrity lookalike.

Language: Python - Size: 5.04 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

vipul43/a_star_search_algorithm

graph search using A star search algorithm in python3

Language: Jupyter Notebook - Size: 127 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

athlohangade/k-means-clustering

This repo is about simple implementation of K-Means clustering algorithm.

Language: Jupyter Notebook - Size: 177 KB - Last synced at: about 2 years ago - Pushed at: almost 4 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: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ItsWajdy/categorical_features_euclidean_distance

A python package to compute pairwise Euclidean distances on datasets with categorical features in little time

Language: Python - Size: 17.6 KB - Last synced at: 30 days ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

pprattis/k-nearest-neighbors-accuracy-scores

A Java console application that implemetns k-fold-cross-validation system to check the accuracy of predicted ratings compared to the actual ratings.

Language: Java - Size: 11.7 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

ZenithClown/agine

Library for finding Nearest Neighbor or to find if two points on Earth have a Direct Line of Sight.

Language: HTML - Size: 5.66 MB - Last synced at: 2 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

sametgolgeci/ImageMatching

Euclidean Distance, Quantization, RGB, HSV

Language: Matlab - Size: 7.25 MB - Last synced at: over 2 years ago - Pushed at: about 9 years ago - Stars: 1 - Forks: 1

SlothyKernel1314/distances

This Lua module calculates the "infinite distance" between two sprites and detects the collision between them. Integration of the following specific distance cases: Manhattan distance (K distance with k = 1), Euclidean distance (K distance with k = 2), K distance (with k > 2). Integration of scale factors a and b for sprites.

Language: Lua - Size: 57.6 KB - Last synced at: 26 days ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Develop-Packt/Introduction-to-Clustering

This course teaches you how to calculate distance metrics, form and identify clusters in a dataset, implement k-means clustering from scratch and analyze clustering performance by calculating the silhouette score

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

Jeffresh/minimum-distance-classificator

An example of a minimum distance classificator doing a comparison between using Mahalanobis distance and Euclidean distance.

Language: MATLAB - Size: 16.6 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

bobbyrathoree/K-Nearest-Neighbors-without-scikit-learn

A K Nearest Neighbors classifier developed from scratch for self-learning purposes. Accuracy is off the charts, since we have full control on the algorithm.

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

timdolenko/cluster-analysis

Language: C# - Size: 62.5 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

Related Keywords
euclidean-distance 58 python 15 manhattan-distance 12 cosine-similarity 12 machine-learning 7 k-nearest-neighbours 7 knn 7 k-nearest-neighbors 5 java 5 pandas 5 numpy 5 recommender-system 4 program 4 console-application 4 computer-science 4 k-means-clustering 4 student 4 hamming-distance 4 similarity-score 3 scikit-learn 3 python3 3 a-star-search 3 classification 3 mahalanobis-distance 3 embeddings 3 clustering 3 opencv 3 pca 3 data-preprocessing 2 grouping 2 cross-validation 2 raku 2 distance-functions 2 cosine-distance 2 k-nearest-neighbor-classifier 2 k-means 2 similarity 2 distance 2 knn-classification 2 geometry 2 edit-distance 2 euclidean 2 sklearn 2 vector 2 jupyter-notebook 2 algorithm 2 distance-calculation 2 data-visualization 2 cpp 2 heuristic-search-algorithms 2 silhouette-score 2 heuristics 2 k-fold-cross-validation 2 euclidean-distances 2 matplotlib 2 ai 2 quick-sort 1 queue 1 minkowski-distance 1 merge-sort 1 matrix 1 maps 1 linked-list 1 reduced-row-echelon-form 1 stack 1 knearest-neighbor-classification 1 classifier-model 1 k-fold 1 k-nn 1 matlab 1 z-score 1 bisecting-kmeans 1 classificator 1 centroid 1 python-3-6 1 distance-k 1 kmeans-clustering 1 spearman-rank-correlation 1 pearson-correlation 1 optics-clustering 1 k-medoids-clustering 1 federated-learning 1 root-mean-square-error 1 rmse 1 profiling 1 clusters 1 topsis 1 reference-objects 1 mcda 1 distance-metrics 1 shortest-paths 1 road-network 1 points-of-interest 1 silver-rap 1 linear-search 1 l2-norm 1 echelon-form 1 cluster-analysis 1 clustering-algorithm 1 clustering-methods 1