euclidean-distances
There are 158 repositories under euclidean-distances topic.
HKUST-Aerial-Robotics/FIESTA
Fast Incremental Euclidean Distance Fields for Online Motion Planning of Aerial Robots
sethblack/python-gift-exchange
pyge: Holiday Gift Exchange Picker
matrix-profile-foundation/mass-ts
MASS (Mueen's Algorithm for Similarity Search) - a python 2 and 3 compatible library used for searching time series sub-sequences under z-normalized Euclidean distance for similarity.
AsRaNi1/live-cctv
To detect any reasonable change in a live cctv to avoid large storage of data. Once, we notice a change, our goal would be track that object or person causing it. We would be using Computer vision concepts. Our major focus will be on Deep Learning and will try to add as many features in the process.
MohammedRashad/FPGA-Speech-Recognition
Expiremental Speech Recognition System using VHDL & MATLAB.
Vatsalparsaniya/Social-Distance-Surveillance
Computer Vision and AI to detect if people are at a specific distance and adhere to social distancing or not.
wildboar-foundation/wildboar
wildboar is a Python module for temporal machine learning
rmsandu/segmentation-eval
Extract and evaluate radiomics for liver cancer tumors from DICOM segmentation masks. Using SimpleITK, PyRadiomics and PyDicom.
wiseaidev/pydist2
A python library for computing distances.
e-Luminous/web
An Intelligent e-Scientific Lab room assistant for college student's to get the analytical results and accuracy of each observation. 🔬 💡
JithinKSatheesh/music_recommendation_system
A music recommendation system built entirely with node js . Contain javascript code for popularity based recommendation and user based recommendation
lazear/simd-euclidean
Calculation of euclidean distance between vectors, with SIMD
tharunchitipolu/Speaker-recognition
An automatic speaker recognition system built from digital signal processing tools, Vector Quantization and LBG algorithm
tlux/tint
An Elixir library to work with colors, convert between different colorspaces and calculate color distances.
krislock/ExpVecEDM
MATLAB code for solving the Euclidean Distance Matrix completion problem.
MastersProject/fast-detection-of-duplicate-bug-report
Machine learning- based solution to the problem of duplicity in the bug reports repository.
konkyrkos/hyperspectral-image-classification
Hyperspectral image Processing and Classification. This repository provides my solution for Project assignment for the course of Machine Learning and Computational Statistics for the MSc in Data Science at Athens University of Economics and Business.
SpyrosMouselinos/distancly
A python package to implement all different distance/routing methods (Great Circle/Rhumbline/Haversine/Eucledian).
yasinakinn/hierarchical-clustering
Linkage Methods for Hierarchical Clustering
arajajyothibabu/FuzzyLogicRecommenderSystem
Complete Java Approach
baggepinnen/EuclideanDistanceMatrices.jl
Tools for estimating, completing and denoising Euclidean distance matrices
tbrunetti/NMF_unsupervised_clustering
Non-Negative Matrix Factorization for Gene Expression Clustering
yammadev/aco-tsp
Solving Travelling Salesman Problem using Ant Colony Optimization
yaoguangluo/Data_Prediction
快速计算商旅轨迹 非线性坐标数据分析
antonin-lfv/Dynamic_graph_neural_network
Clustering with dynamic neural network
sbillburg/Euclidean-distance-in-TensorFlow
A flexible function in TensorFlow, to calculate the Euclidean distance between all row vectors in a tensor, the output is a 2D numpy array.
gtzinos/Image-Search-Engine
Image search engine using Angular and Python.
park1997/Industrial_safety_and_health_law-visualization
산업안전보건법 법규시각화, 텍스트마이닝을 통한 법들간의 유사도 네트워크화
remaro-network/Loss_VO_right
Comparing the performance of the DeepVO network under different loss functions
SagarMane29/Speed-Detection-System
Speed control has been a challenging conundrum for government on a global scale so the idea was to develop a vehicle speed detection system that can detect overspeeding vehicles with utmost accuracy.
IBM/JLPlusPlus
Code demo to reproduce the experimental results of our NeurIPS 2022 paper "Approximate Euclidean lengths and distances beyond Johnson-Lindenstrauss"
Koldim2001/image_retrieval
Реализация система извлечения изображений по текстовому описанию и поиск похожих фотографий
Balajirvp/Dynamic-Time-Warping
Leveraged Dynamic Time Warping (DTW) to assess the similarity between specific audio tracks
KhaledAshrafH/K-Means-Clustering
This program implements the K-means clustering algorithm using OpenMP APIs. The K-means algorithm is a popular method of vector quantization that aims to partition n observations into k clusters. Each observation is assigned to the cluster with the nearest mean, serving as a prototype of the cluster.
Myriam2002/KNN_Movie_Recommendation
KNN movie recommendation system using python 🎥✨
TejasSheth104/ReverseImageQuerying
An academic project to find the most similar image to the given input image, based on Image Processing, Cosine Similarity Model, StreamLit, written primarily in Python using Visual Studio Code and Jupyter Notebook