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

GitHub topics: manhattan-distance

joemathew2004/8-puzzle-challenge

The classic 8-Puzzle challenge: Human vs. AI! This project features an AI solver (Best-First Search with Manhattan distance) and a Tkinter GUI that visualizes its steps. A volunteer can initialize the AI solver alongside a human's manual attempt. The "Stop" button allows the volunteer to declare the human the winner if they solve it before the AI.

Language: Python - Size: 381 KB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

omer-lebel/Sliding-Tiles-AI-algo

Solving the sliding tiles puzzled using bdf, iddfs, gbfs and a*

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

CodeAPretzel/Path-Finding-Algorithms

Path Finding Algorithms

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

krishnadey30/Artificial_Intelligence_Codes

C codes for the Arificial Intelligence Course and algorithms.

Language: C - Size: 872 KB - Last synced at: 5 days ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 1

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

WarrenWeckesser/voronoiz

Functions for generating Voronoi diagrams with alternate metrics.

Language: Python - Size: 996 KB - Last synced at: 27 days ago - Pushed at: 4 months ago - Stars: 4 - Forks: 1

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

antononcube/Raku-Math-DistanceFunctions

Raku package for the computation of various distance functions.

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

memgonzales/sliding-puzzle

8-puzzle game that features a walkthrough of the optimal solution and allows users to customize the tiles using photos from their Gallery

Language: Kotlin - Size: 19.1 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 8

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

entangledloops/slidingpuzzle

Sliding Puzzle solver and utilities

Language: Python - Size: 367 KB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 1

Computer-Science-Classes/MazeLab

This Java-based GUI program lets users generate and solve mazes. It employs the Depth-First Search (DFS) algorithm for maze generation and A* algorithm with Manhattan distance heuristic for solving. The program provides a visual representation of the maze, allowing users to visualize the process of maze creation and solving.

Language: Java - Size: 545 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

AntVil/voronoi-manhattan-simulation

Computes a voronoi-diagram with manhattan-distance-metric using a simulation

Language: JavaScript - Size: 9.77 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

jackr276/N-Puzzle-Solver

An implementation of an A* Heursitc Algorithm for solving the N-Puzzle problem, written in C

Language: C - Size: 235 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - 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: 12 months ago - Pushed at: about 2 years 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

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 1 month ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 2

Aviles17/PACMAN

Pacman diseñado con GUI minima para desarrollo de actividades de analisis de algoritmos (Dijkstra y A*)

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

GustavoSantosCS/8-15Puzzle-Solve 📦

8-15Puzzle Solver A* (Manhattan Distance)

Language: Java - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 1 - 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

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

dolovnyak/n-puzzle Fork of insearcher/n-puzzle

Solves puzzles of various sizes

Language: C++ - Size: 185 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

woopzz/15puzzle

Another implementation of the game 15 puzzle. But you can get a hint if you stuck.

Language: TypeScript - Size: 136 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Davidmenamm/Artificial_Intelligence_8_Puzzle_Program

Implementing the 8 puzzle program, manhattan distance algorithm is used to find best path and also a learned through experience heuristic algorithm.

Language: Java - Size: 30.3 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

shaniadicen/eight-puzzle-search

A java program that solves the Eight Puzzle problem using five different search algorithms.

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

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: 19 days ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 3

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

unnatibshah/KNN-on-Vertebral-Column-Data-Set

Classification using KNN on Vertebral Column Data Set

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

yusatll/CSE464-Digital-Image-Processing

Image Processing using Java

Size: 4.83 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - 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

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

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

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

zohaib2002/8-Puzzle-Problem

Solution of 8 Puzzle Problem in Python using Informed Search

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

carcillarjjme/highest_above_nearest_drainage

A multi-threaded calculation for Highest Above Nearest Drainage (HAND) values for a given graph data based on Digital Elevation Model (DEM) flow accumulation results.

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

moneebullah25/generic-c-dsa-algorithms

Collection of Generic Data Structures and Algorithms in C.

Language: C - Size: 363 KB - Last synced at: over 1 year ago - Pushed at: over 1 year 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: 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

cyberbeast/viagogochallenge

Repository for my implementation of the Viagogo Coding Challenge

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

LuJunru/Sentences_Pair_Similarity_Calculation_Siamese_LSTM

A Keras Implementation of Attention_based Siamese Manhattan LSTM

Language: Python - Size: 40 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 52 - Forks: 15

alexaapo/Autoencoder-Dimensionality-Reduction

Autoencoder dimensionality reduction, EMD-Manhattan metrics comparison and classifier based clustering on MNIST dataset

Language: C++ - Size: 16.1 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

MohamadTarekk/EightPuzzle

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

Language: Java - Size: 2.76 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 4 - 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

pavlosdais/n-puzzle

A program that solves the classic n-puzzle problem using A* search

Language: C - Size: 581 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

allenfallen/sliding-puzzle

A sliding puzzle game and solver using ncurses.

Language: C++ - Size: 169 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 6 - Forks: 1

giorgossofronas/15-puzzle

Solver for the famous 15-puzzle using IDA* search

Language: C - Size: 740 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 0

itakurah/HAW-IS-15-Puzzle-Solver

This software solves the 15-Puzzle sliding game with informed search algorithms and various heuristics.

Language: Java - Size: 94.7 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

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

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

winstxnhdw/FIRMan 📦

Finding the optimum filter order for minimal distortion with Manhattan distances.

Language: MATLAB - Size: 923 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - 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: about 1 month ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

shamo0/slidingPuzzle

4x4 15 piece sliding puzzle solution using A* and IDA* algorithms (Python implementation)

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

mauriciomani/brewing_hackathon

Our experience in AB Inbev Brewing data cup 2020 for Mexico

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

Ashfadi/KNN-MODEL

From Scratch

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

Subangkar/N-Puzzle-Problem-CPP-Implementation-using-A-Star-Search

A C++ implementation of N Puzzle problem using A Star Search with heuristics of Manhattan Distance, Hamming Distance & Linear Conflicts

Language: C++ - Size: 10.7 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 2

joaomota59/jogoDosOito

🕹 Algoritmo que resolve o jogo dos oito por busca em profundidade(sem estados visitados), busca em largura(com estados visitados), busca gulosa(com estados visitados) e busca a*(com estados visitados). Podendo mostrar passo a passo das escolhas dos nós e mostrando a árvore resultante(até um certo limite ou completa) do método de busca selecionado.

Language: Python - Size: 19.5 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 3

amanraj209/siamese-lstm-sentence-similarity

A siamese adaptation of the Long Short-Term Memory (LSTM) network for labeled data comprised of pairs of variable-length sequences.

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

fco3lho/bfs-and-dfs-using-queue-and-stack Fork of farinellizin/MAZE-GAME

Algoritmos de busca em largura (BFS) e busca em profundidade (DFS) usando estrutura de dados de fila e pilha, respectivamente. Na branch "Manhatan-and-Euclidian-distance", temos o BFS usado para calcular a distância euclidiana e a distância de Manhattan.

Size: 2.73 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

FaraazArsath/GUVI-Assignment_10

Dataset from USA Forensic Science Service which has description of 6 types of glass; defined in terms of their oxide content (i.e. Na, Fe, K, etc). Task is to use K-Nearest Neighbor (KNN) classifier to classify the glasses.

Language: Jupyter Notebook - Size: 138 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

siddh34/AI-Programs

This will be some exercises that I will be performing using java

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

MishraShivendra/golang_math

Machine learning functions written in goLang:

Language: Go - Size: 1.95 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 3

KumarUniverse/manhattan-distance

This program lists all the paths with the same Manhattan distance from the king to the chess piece.

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

siddg97/Npuzzle

C++ implementation of IDA* algorithm for solving the 15 and 25 puzzle

Language: C++ - Size: 521 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 0

mar-kan/algorithm_project

3 part project: A. bottleneck autoencoder, B. manhattan distance, C. earth mover's distance

Language: C++ - Size: 124 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

TULbaghia/Fifteen-Puzzle-Solver

SISE - Python Puzzle Solver BFS, DFS, A* with heuristics manhattan distance and hamming distance.

Language: TeX - Size: 2.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

rohanpillai20/8-Puzzle-by-A-Star-Search

This python file solves 8 Puzzle using A* Search with Manhattan Distance

Language: Python - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

Tooo/Stage-Puzzle-Manhattan

Solving Stage Puzzles: Text UI

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

nicolasdesnoust-codingame/PowerOfThor

Solution à l'exercice Power of Thor 2 proposé par la plateforme Codingame.

Language: Java - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: over 3 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

HebaElwazzan/8-Puzzle

This program solves the 8-puzzle game using different informed and uninformed search methods

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

spyros-briakos/Autoencoder-Dimensionality-Reduction

Autoencoder dimensionality reduction, EMD-Manhattan metrics comparison and classifier based clustering on MNIST dataset.

Language: C++ - Size: 16.2 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - 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: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

arashout/8PuzzleSolver

Basically a port of the solver I worked on in the Princeton Algorithms course

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

omercevik/CSE-464

Digital Image Processing

Language: Java - Size: 89 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

daviddl9/N-Puzzle-solver

AI that solves the N-Puzzle

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

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: about 16 hours ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

lentinip/ManhattanDistance

Final examination of Digital Logic Design course (Reti Logiche) - A.Y. 2018/2019 Politecnico di Milano

Language: VHDL - Size: 680 KB - Last synced at: about 2 years 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: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

raheemazeezabiodun/a-star-heuristic-function

[WIP] This is an implementation of the A star search which uses Heuristic function to find the shortest path in C++.

Language: C++ - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

stanleyeze/AI-Search-Algorithm

DepthFirst, BreadthFirst, IterativeDeepening, A*(Tilles out of place, manhattanDistance, chebyshev)

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

maasglobal/seafarer

Taxicab metric on the sphere!

Language: Python - Size: 80.1 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 2

kevinmcfarlane/digit-recognizer

Implementations of the Kaggle Digit Recognizer problem in Machine Learning

Language: Python - Size: 43.9 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

WideEyesTech/mongo Fork of mongodb/mongo

The MongoDB Database with image similarity functions

Language: C++ - Size: 423 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

imprld01/24-Puzzle-Solving

A program to find solution of a given 24-puzzle problem for exercise by A* searching.

Language: C++ - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

gaowenliang/MinManhattan

Minimize Manhattan distance of points

Language: C++ - Size: 45.9 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 1

lagunetero91/distanciaManhatan

Programa en ensamblador que calcula la distancia manhatan entre dos puntos + pruebas

Language: Assembly - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

Related Keywords
manhattan-distance 85 euclidean-distances 18 python 16 euclidean-distance 12 linear-conflict 10 artificial-intelligence 9 ai 9 hamming-distance 9 a-star 9 java 9 15-puzzle 8 python3 8 cosine-similarity 8 heuristics 8 a-star-search 7 n-puzzle 7 puzzle 7 heuristic-search-algorithms 7 heuristic 6 bfs 6 8-puzzle 6 game 5 knn 5 dfs 5 clustering 5 informed-search 5 misplaced-tiles 4 cpp 4 astar-algorithm 4 search-algorithm 4 idastar 4 a-star-algorithm 4 minkowski-distance 4 depth-first-search 3 bfs-algorithm 3 8-puzzle-solver 3 earth-movers-distance 3 algorithm 3 linear-regression 3 recommender-system 3 greedy-search 3 bottleneck 3 breadth-first-search 3 uninformed-search 3 c 3 machine-learning 3 distance-calculation 3 searching-algorithms 2 mnist-dataset 2 15-puzzle-solver 2 student 2 similarity 2 recommendation-system 2 program 2 k-nearest-neighbours 2 console-application 2 computer-science 2 priority-queue 2 multithreading 2 simulation 2 approximate-nearest-neighbor-search 2 keras 2 knn-algorithm 2 scikit-learn 2 heuristic-search 2 k-means-clustering 2 algorithms 2 astar 2 knn-classification 2 path-opening 2 norm-based 2 nearest-neighbours-classifier 2 morphological-image-processing 2 median-filter 2 local-binary-patterns 2 lexicographical 2 image-processing 2 histogram-equalization 2 gaussian-filter 2 fourier-transform 2 filters 2 convolution 2 bitmix 2 chebyshev-distance 2 euclidean 2 agglomerative-clustering 2 puzzle-solver 2 autoencoder 2 brute-force-search 2 pathfinding 2 distance 2 voronoi 2 numpy 2 astar-pathfinding 2 bfs-search 2 voronoi-diagram 2 dfs-search 2 sliding-tiles 2 iddfs 2 ida-star 2