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

Topic: "knearest-neighbor-classification"

adotg/knn-what-how-why

What is knn? How is knn done? Why is knn needed?

Language: Jupyter Notebook - Size: 302 KB - Last synced at: 2 days ago - Pushed at: almost 7 years ago - Stars: 11 - Forks: 7

burhanahmed1/TwitSpark

Advanced Twitter sentiment analysis pipeline using Apache Spark for distributed data processing, featuring TF-IDF–based feature engineering and stochastic gradient-descent classification for scalable, real-time sentiment insights.

Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 3 - Forks: 1

Jspano95/Retail-Customer-Classification-Modelling

Classification ML models for predicting customer outcomes (namely, whether they're likely to opt into email / catalog marketing) depending on customer demographics (age, proximity to store, gender, customer loyalty duration) as well as sales and shopping frequencies by department

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

NemesLaszlo/DataSet_Builder_and_Analyzer

DataSet builder with scraping and data warehouse analysis

Language: Python - Size: 261 KB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

ms-daniel/II-Projeto-IA

Esse pequeno projeto tem como objetivo fazer testes de acurácia com rede neural com apenas um neurônio sem classificadores e com 2 (dois) classificadores, sendo eles KNN e 1R.

Language: Python - Size: 90.8 MB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

hbuddana/Machine_Learning_Projects

No amount of theory can replace hands-on practice. Textbooks and lessons can lull you into a false belief of mastery because the material is there in front of you. But once you try to apply it, you might find that it’s harder than it looks.👩‍🔬📗📊

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

MichaelC-Lawson/MSDA_Program_Portfolio

MSDA Program Portfolio

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

chinmoyt03/Machine-Learning-Based-Selection-of-PhD-Admission

The project discusses using machine learning to predict doctoral program admissions and compares the performance of Logistic Regression and KNN models, finding that KNN outperforms Logistic Regression.

Language: Jupyter Notebook - Size: 219 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Rcode879/Handwritten-digit-detector

A school machine learning project based on the Knearest neighbours model

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

shahriarearaf/knn-implementation

knn implemented on a dataset from kaggle

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

ashu-2808/Data-Science-using-Python

Detailed Data Science using Python-Jupyter Notebook ( Data Analysis using Pandas and NumPy, Visualization using plotly express, Exploratory Data Analysis, Supervised ML models: Linear Regression, KNN, Logistic Regression, Support Vector Machine, Decision Trees Ensemble Models: Voting Bootstrap/ Bagging Aggregation, Unsupervised: K-Means

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

anandanraju/Salary_Prediction_and_Analysis

K-nearest neighbors (KNN) is a type of supervised learning algorithm used for both regression and classification. KNN tries to predict the correct class for the test data by calculating the distance between the test data and all the training points. Then select the K number of points which is closet to the test data.

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

smh997/Transactions-Results-Prediction

Predicting the results of the given transactions by classification

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

samujjwaal/Modelling-US-Election-Data

Data Modelling on 2018 US midterm Election Data and US Demographic Data. Creating regression, classification and clustering models.

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

Tonumoy/Machine-Learning-Models

Simple ML models to understand and practice the basic ML concepts

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

boorooksus/Biocomputing2020

빅데이터 분석을 이용한 생물 데이터 분석

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

Adityasangle/CognitiveAI-ML

This Repository contains cognitiveai class's all practice labs.

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

subhailams/care_me

Real-Time spontaneous abortion prediction and Health assessment of Pregnant women using Machine Learning and IoT.

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

ReydVires/knn-with-cross-validation

Language: Lua - Size: 209 KB - Last synced at: about 11 hours ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

shushantkumar/ML-Models

Machine Learning Models

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

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: almost 7 years ago - Stars: 0 - Forks: 0

umangrmehta/image-orientation-classifier

Identifying Image Orientation using Supervised Machine Learning Models of k-Nearest Neighbors, Adaboost and Multi-Layer Feed-Forward Neural Network trained using Back-Propagation Learning Algorithm

Language: Python - Size: 6.83 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

Related Topics
kmeans-clustering 8 machine-learning 8 knearest-neighbor-algorithm 6 knn 6 linear-regression 5 matplotlib 4 pandas 4 logistic-regression 4 python 4 knn-classification 4 machine-learning-algorithms 3 python3 3 data-science 3 random-forest 3 numpy 3 knearest-neighbor-classifier 3 decision-tree-classifier 2 decision-trees 2 tkinter-gui 2 tkinter 2 knearest-neighbors-classifier 2 random-forest-classifier 2 classification-models 2 neural-network 2 prediction 2 knn-classifier 2 customer-segmentation 2 knearest-neighbors 2 t-test 1 1r 1 principal-component-analysis 1 kneighborsclassifier 1 telkomuniversity 1 pca 1 marketbasketanalysis 1 opencv 1 csv-files 1 voting 1 unsupervised-learning 1 support-vector-machines 1 supervised-learning 1 sckiit-learn 1 jupyter-notebook 1 exploratory-data-analysis 1 ensemble-model 1 data-science-python 1 bootstrap 1 neuralnetwork 1 telkom-university 1 luajit 1 lua 1 kfold-cross-validation 1 cross-validation 1 artificial-intelligence-algorithms 1 artificial-intelligence 1 image-classification 1 algorithm-visualisation 1 scrape 1 textblob-sentiment-analysis 1 sentiment-analysis 1 seaborn 1 schotastic-gradient-descent 1 pyspark 1 nltk-python 1 batch-gradient-descent 1 apache-spark 1 hyperparameter-tuning 1 tkinter-python 1 perceptron 1 oneruleclassifier 1 onerclassifier 1 one-rule-classifier 1 one-rule 1 machine-learning-models 1 jupyter-notebooks 1 svm-classifier 1 tensorflow 1 firebase 1 arduino 1 android 1 perceptron-learning-algorithm 1 machine-learning-library 1 svm 1 statistics 1 sklearn 1 scikit-learn 1 naive-bayes-classification 1 lasso-regression 1 election-modelling 1 election-data 1 dbscan-clustering 1 clustering-models 1 choropleth-map 1 euclidean-distance 1 knn-algorithm 1 classification 1 neural-networks 1 neural-network-example 1 neural-nets 1 multi-layer-perceptron 1