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

Topic: "nearest-neighbours-classifier"

tfzhou/ProtoSeg

CVPR2022 (Oral) - Rethinking Semantic Segmentation: A Prototype View

Language: Python - Size: 1.91 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 302 - Forks: 30

AFAgarap/wisconsin-breast-cancer 📦

[ICMLSC 2018] On Breast Cancer Detection: An Application of Machine Learning Algorithms on the Wisconsin Diagnostic Dataset

Language: Python - Size: 7.57 MB - Last synced at: 7 months ago - Pushed at: about 2 years ago - Stars: 56 - Forks: 26

brj0/nndescent

C++/Python implementation of Nearest Neighbor Descent for efficient approximate nearest neighbor search

Language: C++ - Size: 5.85 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 22 - Forks: 3

agrawal-priyank/machine-learning-case-studies

Built prediction and retrieval models for document retrieval, image retrieval, house price prediction, song recommendation, and analyzed sentiments using machine learning algorithms in Python

Language: Jupyter Notebook - Size: 291 MB - Last synced at: 4 days ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 8

MahindaMK/Bonferroni-mean-fuzzy-k-nearest-neighbor-classifier-BM-FKNN-

MATLAB code for bonferroni-means fuzzy k nearest neighbor classifier (BM-FKNN)

Language: MATLAB - Size: 5.86 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 5 - Forks: 3

BlackRabbitt/RecommenderSystem

Use Kmean Clustering and Collaborative filtering approach for the recommendation problem

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

AFAgarap/dnn-trust

How can I trust you? An intuition and tutorial on trust score

Language: Jupyter Notebook - Size: 41 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 2

vinhqbui/Grading-Essay

This is the model that I build to grade future essay based on the that is provided.

Language: Python - Size: 4.03 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 1

dkarageo/Distributed_KNN

An MPI based implementation of K-NN search algorithm, aimed for use on CPU clusters.

Language: C - Size: 23.9 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 3

SheezaShabbir/BagofWords-Computer-Vision-

1-Bag of SIFT representation and nearest neighbor classifier

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

rashmishrm/Movie-Reviews-Classification

Programming Assignment on Data Mining: Movies Review Classification

Language: Jupyter Notebook - Size: 24.8 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 4

XinyuanWangCS/LatentKMeansPrototypeSelection

This is a course project to select a subset of data to build an efficient nearest neighbor classifier. Choosing a representative subset of "prototypes" from the training set is crucial for accelerating nearest neighbor classifiers. This project proposes projecting the data into a latent space using a pretrained embedder.

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

amjal/ML-exercises

These are computer assignments of the book "An Introduction to Machine Learning" by Miroslav Kubat

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

dalwindercheema/FWN

Feature wise normalization: An effective way of normalizing data

Language: Python - Size: 20.5 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

AmirInt/neighbourhood_watch

As part of the UCSanDiego online course "Machine Learning Fundamentals"

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

saralajew/robust_NPCs

Fast Adversarial Robustness Certification of Nearest Prototype Classifiers for Arbitrary Seminorms [NeurIPS 2020]

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

kambojankush/Pattern-Recognition-Lab Fork of papajijaat/Pattern-Recognition-Lab

Code for the PR lab course DTU

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

rupav/KNN-Implementation

from scratch, KNN implementation and plot

Language: Python - Size: 126 KB - Last synced at: 2 months ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

zimmshane/Feature-Selection-and-NN-Classifier

A Python implementation of feature selection algorithms using k-Nearest Neighbor classification. This project implements three different search strategies for finding optimal feature subsets: Forward Selection, Backward Elimination, and Simulated Annealing.

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

mrunmaim16/CSE-5334-Programming-Assignments

Programming assignments completed for course CSE - 5334 Data Mining under Professor Dr. Marnim Galib.

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

mehdi-aitaryane/nearest-neighbors-brute-algorithm-from-scratch

A Python implementation of Nearest Neighbors algorithm from scratch using numpy

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

shrishti-04/MachineLearning_Notes

Here I am starting with Machine Learning notes after SQL notes. I have covered the following topics such as:

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

rhirwa/classification-models

Here, I explore machine learning classification models in Google Collab with the same data to see which performs better

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

nilooy5/Nearest-Neighbour-Classifier-GUI

A simple program to classify the nearest neighbor for different data clusters

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

krichelj/ML_BGU_2020

Machine Learning and Analysis of Big Data course, Computer Science M.Sc., Ben Gurion University of the Negev, 2020

Language: MATLAB - Size: 1.21 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

matuszewski/python-classifiers

Various mathematical classifiers in Python

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

siddikayyappa/PCA-Regression-Nearest-Neighbours

This is the source code of the work for Assignment-2, Statistical Methods in AI, 5th Semester, IIITH, '22

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

Georgemouts/ML-Classification-Algorithms-Fashion_Mnist

In this project we have to classify the Fashion-MNIST dataset which contains black and white photos of clothing using classification algorithms.

Language: Jupyter Notebook - Size: 49.8 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

John-Atha/AI--Harvard-CS50--learning

'Learning' programming assignments for the Harvard CS50's Introduction to Artificial Intelligence with Python 2021 course

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

LBBassani/classificador-haskell

Classificadores vizinho mais próximo, k-vizinhos mais próximos e centroíde programados em Haskell para primeiro e segundo o trabalho computacional de Programação Funcional.

Language: Haskell - Size: 114 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

MoosaSaadat/shopping

AI to predict whether online shopping customers will complete a purchase

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

JoseAmador95/UoS_Wearable_Technologies 📦

Wearable Technologies coursework assignment

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

avideep/medoid-weighted-NN

Medoid Based Nearest Neghbor Decision Rule (MedNN)

Language: Python - Size: 606 KB - Last synced at: about 1 year ago - Pushed at: about 5 years 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

omercevik/CSE-464

Digital Image Processing

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

rajat-tech-002/Data_Mining_Labs

Language: Jupyter Notebook - Size: 3.21 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

gauravthakur047/Breast-Cancer-Classification

Classification of Breast Cancer into Malignant or Benign type on the basis of computed features from a digitized image of a fine needle aspirate (FNA) of a breast mass.

Language: Jupyter Notebook - Size: 62.5 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

anirban-code-to-live/tipr-first-assignment

Hola, amigos! Welcome to the first assignment of TIPR-2019.

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

amitthere/classification-algorithms

Nearest Neighbor, Decision Trees and Naïve Bayes classifiers implemented in python and evaluated based on 2 datasets

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

TheWindRider/Classify-Terrorist-Group

Startup.ML Challenge

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

naliferopoulos/Machine-Learning

Machine Learning Project (Bayes/KNN Classifiers)

Language: Java - Size: 23.4 KB - Last synced at: 18 days ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

Related Topics
machine-learning 16 python 7 classification 6 knn-classification 5 naive-bayes-classifier 5 logistic-regression 5 knn 4 supervised-learning 4 machine-learning-algorithms 4 nearest-neighbors 4 knn-classifier 3 python3 3 nearest-neighbor-search 3 image-processing 3 support-vector-machines 3 clustering 3 decision-trees 3 deep-learning 3 neural-networks 3 local-binary-patterns 2 numpy 2 nearest-neighbor 2 big-data 2 kmeans-clustering 2 tensorflow 2 k-means-clustering 2 feature-selection 2 k-nearest-neighbors 2 data-science 2 regularization 2 linear-regression 2 k 2 decision-tree-classifier 2 ai 2 lexicographical 2 manhattan-distance 2 convolution 2 histogram-equalization 2 median-filter 2 morphological-image-processing 2 norm-based 2 gaussian-filter 2 path-opening 2 artificial-intelligence 2 artificial-neural-networks 2 bitmix 2 fourier-transform 2 svm-classifier 2 filters 2 scikit-learn 2 image-retrieval 1 pca 1 ridge-regression 1 association-rule-mining 1 evaluating-models 1 bayesian-classifiers 1 data-science-tools 1 data-science-applications 1 data-preprocessing 1 ipython-notebook 1 jupyter-notebook 1 predictive-analytics 1 similarity 1 transfer-learning 1 university-of-washington 1 approximate-nearest-neighbor-search 1 cpp 1 knn-graphs 1 image-classification 1 prototype-selection 1 backward-elimination 1 cli 1 command-line 1 forward-selection 1 leave-one-out 1 mit-license 1 simulated-annealing 1 validator 1 eigenfaces 1 from-scratch-in-python 1 iiit-cfw 1 iiith 1 iris-dataset 1 lasso-regression 1 computer-science 1 convex-optimization 1 gradient-descent 1 kernel-methods 1 linear-programming 1 mixture-models 1 pac-learning 1 principle-component-analysis 1 probability-statistics 1 quadratic-programming 1 vc-dimension 1 bm-fknn-classifier 1 class-imbalance 1 matlab 1 classifiers 1 random-forest-classifier 1