GitHub topics: euclidean-distances
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.
Language: Python - Size: 78.1 KB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 103 - Forks: 20

jordan2lee/euclidean-tumor-growth-distance
Biological distance between tumors and their lab grown models
Language: Python - Size: 77.1 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

HKUST-Aerial-Robotics/FIESTA
Fast Incremental Euclidean Distance Fields for Online Motion Planning of Aerial Robots
Language: C++ - Size: 2.39 MB - Last synced at: 20 days ago - Pushed at: over 5 years ago - Stars: 678 - Forks: 135

sethblack/python-gift-exchange
pyge: Holiday Gift Exchange Picker
Language: Python - Size: 404 KB - Last synced at: 5 days ago - Pushed at: over 3 years ago - Stars: 249 - Forks: 12

wildboar-foundation/wildboar
wildboar is a Python module for temporal machine learning
Language: Python - Size: 414 MB - Last synced at: 3 days ago - Pushed at: about 2 months ago - Stars: 29 - Forks: 3

wiseaidev/pydist2
A python library for computing distances.
Language: Python - Size: 82 KB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 22 - Forks: 5

Krauzy/streetor 📦
Urban Accident Prediction with Machine Learning methods K-Means and KNN
Language: Python - Size: 564 KB - Last synced at: 28 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

IBCHgenomic/proteogenomics
proteogenomics for protein analysis
Language: Rust - Size: 6.58 MB - Last synced at: 7 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

courseworks/AUT_AP_2025_Spring_HW1
This repo contains Homework 1 for AUT_AP_2025_Spring, featuring 3 tasks: a Bash file organizer, a C++ 3D point sorter, and an island counter in a 2D grid.
Language: C++ - Size: 49.8 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

httpjamesm/small-world-rs
The easiest HNSW vector index you'll ever use.
Language: Rust - Size: 154 KB - Last synced at: 12 days ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

ashithapallath/KNN-Distance-Measures
This project compares k-NN performance using different distance metrics. Euclidean, Manhattan, and Minkowski achieved 100% accuracy, making them ideal for numerical data. Cosine Similarity performed well (93.33%), while Hamming and Jaccard were ineffective (33.33%).
Language: Jupyter Notebook - Size: 89.8 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

tlux/tint
An Elixir library to work with colors, convert between different colorspaces and calculate color distances.
Language: Elixir - Size: 181 KB - Last synced at: 11 days ago - Pushed at: 3 months ago - Stars: 11 - Forks: 5

LKEthridge/Linear_Algebra
Linear Algebra project from TripleTen
Language: Jupyter Notebook - Size: 194 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Abdelrahman-Amen/Word-Embedding
This code showcases text preprocessing (tokenization, stopword removal, and standardization), training a Word2Vec model to generate word embeddings, and analyzing word relationships using metrics like cosine similarity and Jaccard index. It also visualizes high-dimensional embeddings in 2D using MDS, illustrating how similar words cluster together
Language: Jupyter Notebook - Size: 793 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

afolabi022/Music-recomendation-system
🎵 Music Recommendation System . This project is a machine learning-powered Music Recommendation System built and deployed using Streamlit. The system provides personalized music recommendations by clustering songs based on user preferences.
Language: Jupyter Notebook - Size: 116 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

RobCyberLab/Image-Pixel-Clustering
🌀Image Pixel Clustering📏
Language: Python - Size: 2.52 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

MahindaMK/A-generalized-fuzzy-k-nearest-neighbor-regression-model-based-on-Minkowski-distance
Language: MATLAB - Size: 16.6 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

SonakshiA/Similarity-Score-Techniques
The repository shows 6 techniques to measure similarity to determine how similar two pieces of text are. Similarity Measure plays an important role in document/information retrieval, machine translation, question-answering, and document matching.
Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

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.
Language: Python - Size: 66.1 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 46 - Forks: 2

aleksibovellan/python-a-star-maze-solver
Python Maze Solver using A* Algorithm with Movement Constraints
Language: Python - Size: 29.3 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

baggepinnen/EuclideanDistanceMatrices.jl
Tools for estimating, completing and denoising Euclidean distance matrices
Language: Julia - Size: 125 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 8 - Forks: 2

Koldim2001/image_retrieval
Реализация система извлечения изображений по текстовому описанию и поиск похожих фотографий
Language: Jupyter Notebook - Size: 2.6 MB - Last synced at: 30 days ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

AaronLiftig/TravelingSalesman
TravelingSalesman: An alternative algorithm for the Traveling Salesman Problem using convex hull midpoints. This modified greedy approach offers a unique method for path optimization.
Language: Python - Size: 174 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

aravindraj777/EasyPath
The repository is for finding the shortest path in a network of points over a map using various algorithms like Euclidean Distance Formulae, Dijkistra's for graphs , Haversine formula for geographical distances and more....
Language: Java - Size: 2.93 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

ericyoc/prob_vuln_assess_space_iot_sys_poc
Tool conducts a probabilistic vulnerability assessment for Space IoT systems. It leverages data from the National Vulnerability Database (NVD) and VarIoT Database to provide a comprehensive analysis of potential security risks in space-based IoT deployments.
Language: Jupyter Notebook - Size: 678 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

michaellaephillips/SpringBoard
Various small projects covering a wide range of topics
Language: Jupyter Notebook - Size: 19.3 MB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Vatsalparsaniya/Social-Distance-Surveillance
Computer Vision and AI to detect if people are at a specific distance and adhere to social distancing or not.
Language: Jupyter Notebook - Size: 60.5 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 30 - Forks: 10

SpyrosMouselinos/distancly
A python package to implement all different distance/routing methods (Great Circle/Rhumbline/Haversine/Eucledian).
Language: Python - Size: 29.3 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 9 - Forks: 0

chandra-ps612/Set_of_shortest_distance_rectangles
Classical Computer Vision
Language: Python - Size: 16.6 KB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

jazaoo13/NearestCentroidClassifierForIris
Implementation of a Nearest Centroid Classifier using the Iris dataset. Includes manual distance calculation and performance evaluation.
Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

hugohiraoka/Credit_Card_Customer_Segmentation
Classification Model of Potential Credit Card Customers
Language: HTML - Size: 12.7 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Daisy-Zhang/DataMining_Project
Datamining algorithm: Euclidean distance and gbdt.
Language: Python - Size: 14.3 MB - Last synced at: 12 months ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

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.
Language: C - Size: 55.7 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

arajajyothibabu/FuzzyLogicRecommenderSystem
Complete Java Approach
Language: Java - Size: 4.49 MB - Last synced at: 12 months ago - Pushed at: about 9 years ago - Stars: 8 - Forks: 4

antonin-lfv/Dynamic_graph_neural_network
Clustering with dynamic neural network
Language: Python - Size: 233 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

BrianMburu/Multi-Probe-LSH
Multi-Probe LSH implementation in python using annoy library.
Language: Python - Size: 2.93 KB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

BrianMburu/KDTree-based-K-Nearest-Neighbor-Graph
KDTree-based K-Nearest Neighbor graph implementation using python
Language: Python - Size: 1.95 KB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

BrianMburu/Nearest-Neighbour-Descent--HNSW-Algorithm-
NN-Descent Implementation in python using the nmslib library
Language: Python - Size: 2.93 KB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

remaro-network/Loss_VO_right
Comparing the performance of the DeepVO network under different loss functions
Language: Jupyter Notebook - Size: 145 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 0

windson/Document-Cluster-Analysis-Python-K-Means
Cluster the documents using K-Means clustering Term Frequency - Inverse Document Frequency
Language: Jupyter Notebook - Size: 7.66 MB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 2

zenklinov/Metrics-Distance-TensorFlow
Distance Metrics for larga dataset using TensorFlow
Language: Python - Size: 35.2 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Hrichik1/Banking_Classification
A Banking Dataset is taken from Kaggle and applied 3 of the most used naive bayes formulas to get the accuracy
Language: R - Size: 583 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jayashreeraman/RecommenderSystemPrototype
A prototype of a recommender system based on Euclidean Similarity/Pearson Similarity Coefficient
Language: Python - Size: 9.77 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

YoussefAboelwafa/8-Puzzle_Solver
8 Puzzle Solver Using Classical Search Algorithms: DFS | BFS | A*
Language: Python - Size: 56.6 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

ROJAN99/Euclidean-Distance-and-Covariance-using-Matlab
This project provides Euclidean Distance and Covariance matrix from the given n*m matrix.
Language: MATLAB - Size: 259 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

cyroobe/euclidean_dots
Network animation using Euclidean Distance with Python and Pygame
Language: Python - Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jinxuan-owyong/OCR-PCA
Project for my math module MA1508E Linear Algebra for Engineering
Language: MATLAB - Size: 11 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1

SaadARazzaq/Cluster-Analysis-Elbow-Method
implements the elbow method to determine the optimal number of clusters (k) for a given dataset using the K-means clustering algorithm.
Language: Python - Size: 3.91 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

AhmedDiaa0212/Solving-the-TSP-using-a-genetic-algorithm
A Genetic Algorithm project for solving The Traveling Salesman Problem "TSP"using Roulette Wheel Selection, Ordered Crossover (OX) and Mutation Swap Mutation
Language: Python - Size: 155 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

aik84from/aik84
This library provides various functions for common tasks like random number generation, descriptive statistics, normalization, factorial, sigmoid, kinetic energy, Euclidean distance and Manhattan distance.
Language: JavaScript - Size: 2.93 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

RayVilaca/vanilla-knn
A simple implementation of the k-nearest neighbors (KNN) algorithm without using external libraries.
Language: Python - Size: 15.6 KB - Last synced at: 20 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

lazear/simd-euclidean
Calculation of euclidean distance between vectors, with SIMD
Language: Rust - Size: 28.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 3

Surya97/MWDB-project
Multimedia and Web Databases Fall 2019 project
Language: Python - Size: 53.5 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 1

Joseph-Ellaway/per-residue-distance
Calculates the per-residue atomic distance between two proteins
Language: Python - Size: 326 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

lorand1984/string_equalty_with_functional_encryption
Language: Go - Size: 114 KB - Last synced at: 12 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

hritiksauw199/Quantum-Distance-Estimator-for-K-Means-clustering
Estimated distances for classification in K-Means clustering using qubits and implemented on a quantum simulator and real quantum computer
Language: Jupyter Notebook - Size: 622 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

e-Luminous/web
An Intelligent e-Scientific Lab room assistant for college student's to get the analytical results and accuracy of each observation. 🔬 💡
Language: C# - Size: 15.3 MB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 7

ncdisrup-ai/ClassifyMotionsWorms
Classify (time series classification) and Study the motion of Worms (time series forecasting)
Language: Jupyter Notebook - Size: 1.22 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

hgroenenboom/Python-SampleFinder
An experimental python app to find audiofiles similar to an audiofile selected by the user.
Language: Python - Size: 32.2 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 2

yasinakinn/hierarchical-clustering
Linkage Methods for Hierarchical Clustering
Language: Python - Size: 9.77 KB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 1

hansalemaos/cythoneuclideandistance
Calculate Euclidean distances between two sets of coordinates (Cython and Numexpr)
Language: Python - Size: 25.4 KB - Last synced at: 19 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Scrayil/k-means
This project consists in the implementation of the K-Means and Mini-Batch K-Means clustering algorithms. This is not to be considered as the final and most efficient algorithm implementation as the objective here is to make a clear omparison between the sequential and parallel execution of the clustering steps.
Language: C++ - Size: 29.1 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

MostafaGalal1/8-Puzzle
8-Puzzle solver implemented using search algorithms: DFS, BFS, A-Star (Manhattan and Euclidean heuristics) with GUI for user interactivity
Language: Python - Size: 240 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MohammedRashad/FPGA-Speech-Recognition
Expiremental Speech Recognition System using VHDL & MATLAB.
Language: VHDL - Size: 37.1 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 38 - Forks: 18

shubhamchouksey/Unsupervised_Machine_Learning
Introduction to Unsupervised Machine Learning, number of approaches to unsupervised learning such as K-means clustering, hierarchical agglomerative Clustering and its applications.
Language: Jupyter Notebook - Size: 1.44 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

dandibaroes/Microscope-Image-Gauge
Using Matlab to calculate distance from 2 different point and display profil image
Language: MATLAB - Size: 4.74 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 0

ashishyadav24092000/Kmeans_Implementation
KMeans algorithm using a random K-value as 2.
Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

ashishyadav24092000/Clustering_DissimilarityMatrix
In this repo i have tried to explain how to calculate Euclidean Distance,manhattan distance, and Finally Calculating the Dissimilarity Matrix/Distance Matrix using python.
Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vaitybharati/P29.-Unsupervised-ML---Hierarchical-Clustering-Univ.-
Unsupervised-ML---Hierarchical-Clustering-University Data. Import libraries, Import dataset, Create Normalized data frame (considering only the numerical part of data), Create dendrograms, Create Clusters, Plot Clusters.
Language: Jupyter Notebook - Size: 45.9 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Chang-Chia-Chi/Clustering-Kmeans-DBSCAN
Clustering Amazon review data around 6M users using Kmeans and Dbscan algorithm.
Language: Python - Size: 45.6 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

Shahriar-Mahmud-Toha/CVPR
This repository is used for "Computer Vision and Pattern Recognition" course work.
Language: Jupyter Notebook - Size: 109 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

khorihutama/findDistance
Finding Covariance Matrix, Correlation Coefficient, Euclidean and Mahalanobis Distance
Language: Python - Size: 24.4 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

tbrunetti/NMF_unsupervised_clustering
Non-Negative Matrix Factorization for Gene Expression Clustering
Language: Python - Size: 133 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 2

Balajirvp/Dynamic-Time-Warping
Leveraged Dynamic Time Warping (DTW) to assess the similarity between specific audio tracks
Language: Jupyter Notebook - Size: 29.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MahindaMK/Fuzzy-k-nearest-neighbor-regression-python-code
Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

kpetridis24/k-nearest-vectors
Parallel-Indexed multi-dimensional query engine for efficient vector search
Language: Go - Size: 115 KB - Last synced at: 11 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

farhan123806/New-York-Taxi-Trip-Duration-Prediction
In this Project, we are challenged to build a model that predicts the total ride duration of taxi trips in New York City
Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

IBM/JLPlusPlus
Code demo to reproduce the experimental results of our NeurIPS 2022 paper "Approximate Euclidean lengths and distances beyond Johnson-Lindenstrauss"
Language: Python - Size: 8.79 KB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

RonRaj101/UCI-Digit-Recognition
Java Program Designed to recognise a digit from a 8*8 grid of numbers, Categorisation Task, Completed using 2 Solutions. Euclidean Distance and Self Organising Maps.
Language: Java - Size: 1.35 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

NikolasGialitsis/LSH-and-Cube
LSH and Cube Implementation (Hashing and Querying Points on Higher Dimensions)
Language: C++ - Size: 8.26 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

hishamp3/DataScience
Language: Jupyter Notebook - Size: 172 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

cloneartist/body_measurement
Flutter application to provide estimate fit of clothes using images.
Language: Dart - Size: 54.9 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 1

Nouhaila2002/Document-Similarity
Algorithms to get Document Similarity
Language: Jupyter Notebook - Size: 79.1 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

lethuyngocan/Technology-Similarity-Analysis-Japanese-Pharma-Firms
Language: Jupyter Notebook - Size: 235 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

forum-bhatt/Content-based-Movie-Recommendation
Content-based recommendation engine using Python and Scikitlearn, using concepts of Cosine distance and Euclidean distance. Finally, by using IMDB 5000 movie dataset built a content-based recommendation engine using CountVectorize and Cosine similarity scores between movies.
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

dianamerchan91/Proyecto10_Modelo_Prestacion_Seguros
Modelo para predecir la probabilidad de que un nuevo cliente reciba una prestación del seguro.
Language: Jupyter Notebook - Size: 86.9 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

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

vaitybharati/Assignment-07-Clustering-Hierarchical-Airlines-
Assignment-07-Clustering-Hierarchical-Airlines. Perform clustering (hierarchical) for the airlines data to obtain optimum number of clusters. Draw the inferences from the clusters obtained. Data Description: The file EastWestAirlinescontains information on passengers who belong to an airline’s frequent flier program. For each passenger the data include information on their mileage history and on different ways they accrued or spent miles in the last year. The goal is to try to identify clusters of passengers that have similar characteristics for the purpose of targeting different segments for different types of mileage offers.
Language: Jupyter Notebook - Size: 83 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

Nix-code/Machine-Learning-From-Scratch
This repository is focused on solving Machine learning algorithm from scratch i.e without Scikit-learn library.
Language: Jupyter Notebook - Size: 2.52 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

vctrop/shapelet_distance_hardware_accelerator
Implementation (VHDL) and verification of the accelerator proposed in the paper "Hardware Accelerator for Shapelet Distance Computation in Time-Series Classification", from May 2020
Language: C - Size: 19.8 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

gnsaddy/bookRecommendationSystem
Language: Jupyter Notebook - Size: 18 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 2

rmsandu/segmentation-eval
Extract and evaluate radiomics for liver cancer tumors from DICOM segmentation masks. Using SimpleITK, PyRadiomics and PyDicom.
Language: Python - Size: 1.44 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 5

rifqifarhansyah/Tucil2_13521166
Simple closest pair problem solution with python 🧩
Language: Python - Size: 1.83 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

yammadev/aco-tsp 📦
Solving Travelling Salesman Problem using Ant Colony Optimization
Language: Jupyter Notebook - Size: 2.26 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 4

rameezusmani/phprecommender
PHP based recommender system that can be used to predict values, find similar items or getting recommendations for user
Language: PHP - Size: 701 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

artorg-unibe-ch/qam
Library to compute 3D surface-distances for evaluating liver ablation/tumor completeness based on segmentation images.
Language: Python - Size: 9.3 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 2

tharunchitipolu/Speaker-recognition
An automatic speaker recognition system built from digital signal processing tools, Vector Quantization and LBG algorithm
Language: MATLAB - Size: 700 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 4

mohkharma/k-means-algorithm
The K -Means algorithm implementation from scratch in Python based on Euclidean distance
Language: Python - Size: 3.82 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

gtzinos/Image-Search-Engine
Image search engine using Angular and Python.
Language: TypeScript - Size: 50.8 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

erogluegemen/Article-Recommendation-System
Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0
