Topic: "naive-bayes-algorithm"
AyushTyagi1610/Naive-Bayes
Presented a detailed analysis of the mathematics involved in the backend of the algorithm of the model.
Language: Jupyter Notebook - Size: 4.19 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

sourcecode369/supervised-learning-algorithms
Implementation notebooks and scripts of Supervised Learning Algorithms from scratch.
Language: Jupyter Notebook - Size: 390 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

BragdonD/Naive-Bayes-Ngram-text-classifier-NLP
Basic Naive Bayes classifier for text classification using ngram
Language: Jupyter Notebook - Size: 36 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

AbdelrahmanShehata482/Data-mining-with-data-cleaning-and-visualization
Algorithms(Agglomerative hierarchical clustering ,Kmedoids and Naive bayes) with data cleaning and visualization
Language: Jupyter Notebook - Size: 172 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

AbdelrahmanShehata482/Machine-Learning-Algorithms-Kmeans-Kmedoids-KNN-and-Naive-bayes-Python
Machine Learning Algorithms(Kmeans,Kmedoids,KNN and Naive bayes) with data cleaning and visualization
Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

AnjaliChopra04/Text-Classification-Project
This project is based on an intelligent classifier that predict the topic of newspaper articles
Language: Jupyter Notebook - Size: 1.51 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

francheska-vicente/stintsy-naivebayes
This repository holds a guide to understand Naive Bayes.
Language: Jupyter Notebook - Size: 940 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

sarahcodebyte/TitanicSurvivalPrediction
ML model to predict whether a person will survive the titanic disaster.
Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

PriyeshDave/Applied-ML
Implemented Machine Learning algorithms from scratch using python.
Language: Python - Size: 22.5 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

aashish22bansal/Personal-Bank-Loan-Modelling
The model compares several different algorithms and predicts whether a family will be granted the loan from the bank or not.
Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

harshkedia17/Spam-Ham-Message-Classification-NLP
In this project we classify the text messages given to us into HAM(legitmate) or SPAM using Naive Byes Machine Learning Algorithm of Natural Language Processing. The model gives an amazing accuracy of 0.96.
Language: Jupyter Notebook - Size: 217 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Nimit2098/Image-Recognition-of-handwritten-Digits
Developed a Naive Bayes Multinomial Machine Learning model which can recognize hand written digits with 84% accuracy.
Language: HTML - Size: 149 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Pariasrz/Naive-Bayes-from-scratch
Implementation of Naive Bayes classifier from scratch on Cardiovascular Disease dataset
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Sachimugu/Machine-learning
This contain machine learning projects , implementation of ml algorithms and ml related stuff
Language: Jupyter Notebook - Size: 3.47 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

LoneN3rd/Conditional-Probability
A spam filter for SMS messages using the multinomial Naïve Bayes algorithm
Language: Jupyter Notebook - Size: 893 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

rahilmehta-24/Movie_Success_Prediction
Around hundreds of movies are releasing everyday. Some are good, some average and some poor. Early prediction system of those movies help the viewers whether to book the ticket in advance. Movies prediction system can be accessible by the admin using username and password and viewer can ask for information about the new movie and eventually predicted.
Language: Jupyter Notebook - Size: 240 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

HasanSofioglu/Pyhton-Alzheimer-s-Disease-Analysis
The aim of the project is to predict the condition of patients with or without the symptoms of Alzheimer's disease by using machine learning algorithms.
Language: Jupyter Notebook - Size: 734 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

ebubekirdgn/Machine-Learning-2018
Machine Learning Algorithm Examples
Language: Python - Size: 3.03 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

satriaajiputra/blindness-detection
Deteksi kebutaan dengan Algoritma Naive Bayes
Language: JavaScript - Size: 29.3 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Hassan-Ashfaq/Naive-Bayesian-Algorithm
Naïve Bayes Algorithm is a Classification technique based on Bayes' Theorem with an assumption of independence among predictors.
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vibhavddd/multinomial_naive_bayes_
This project uses inbuilt sklearn.naive_bayes.MultinomialNB classifier as well as the algorithm code from the scratch which is having accuracy even more than inbuilt classifier
Language: Jupyter Notebook - Size: 43 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

shauryagupta30/Movie-Review-NLP
this project uses Naive Bayes as the principal Algorithm for classification of the parsed review and calculating the likelihood ratio of a word to exist in a positive statement versus a negative statement
Language: Jupyter Notebook - Size: 84 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Prafulkumar0512/StudentFeedbackApp
A Student Feedback management App that predicts the sentiment for each feedback.The sentiment is calculated using Naive Bayes algorithm
Language: HTML - Size: 303 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

styles3544/Naive-Bayes
Some implementation and use cases of Naive Bayes.
Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

shivam-01/ML-Projects
Machine Learning Projects!
Language: Jupyter Notebook - Size: 265 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

cleopatra27/Naive-bayes-classifier
Implementation of a Naive Bayes classifier from scratch
Language: Python - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

agus2121/Text-Classification---hotel-reviews
Indonesian text classification about hotel reviews
Language: Jupyter Notebook - Size: 2.49 MB - Last synced at: 6 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Hiteshhegde/NLPskills
NLP extracting skills from job description.
Language: Jupyter Notebook - Size: 46.7 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

h1tenbafna/Building-Naive-Bayes-Classifier-on-PIMA-Diabetes-Dataset-
Predict the onset of diabetes based on diagnostic measures by Naive Bayes Classifier Algorithm
Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

archaic-magnon/Machine-Learning
Implemented various machine learning algorithms from scratch.
Language: Jupyter Notebook - Size: 4.11 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

riya-joshi-401/ML-algorithms-from-scratch-using-python
This repo contains famous ML algorithms from scratch using python. I have implemented all the algorithms on a single dataset ( FIFA set from Kaggle ) for better understanding.
Language: Jupyter Notebook - Size: 5.12 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

AlbusDracoSam/Data-Science-Salary-Project
Predicting the Data Scientist salary.
Language: Jupyter Notebook - Size: 10 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

ayushnanda21/Machine-learning-Preqs
Working Examples of all algorithms with datasets
Language: Jupyter Notebook - Size: 8.98 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

jacrowland/naive-bayes
Implementation of the Naive Bayes document classifier with extentions
Language: Python - Size: 1.77 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

sanjyotUM/NLP_assignment_3
Naive Bayes algorithm-based word sense disambiguation implemented from scratch.
Language: Jupyter Notebook - Size: 335 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

hangsbreaker/multinomialnaivebayes
Library for Multinomial Naive Bayes Classification
Language: PHP - Size: 22.5 KB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Sagnik220/SpamDee-Web
Flask Application of SpamDee
Language: CSS - Size: 1.48 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

martian1231/gaussianNaiveBayesFromScratch
Gaussian Naive Bayes classification algorithm from scratch in python.
Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

stephentaul22/Building-a-Spam-Filter-with-Naive-Bayes-Algorithm
Applying a multinomial Naive Bayes algorithm to create a spam filter that classifies SMS messages as spam/not-spam
Language: Jupyter Notebook - Size: 256 KB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Sagnik220/SpamDee
Spam Detection using Natural Language Processing
Language: PowerShell - Size: 151 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

divyansh1195/Natural-Language-Processing
NLP Projects Implementation.
Language: Jupyter Notebook - Size: 4.96 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

msp99000/Income-Prediction-Naive-Bayes
Implementing Naive Bayes Algorithm on a dataset having high cardinality issues.
Size: 642 KB - Last synced at: 6 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

aahmadnejad/naiveBayse
Naive Bayes with python - jupyter
Language: Jupyter Notebook - Size: 44.9 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Magliari/Naive_Bayes_R
Language: R - Size: 471 KB - Last synced at: 10 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

rustom/mnist-classifier
Interactive hand-drawn number image recognition classifier.
Language: C++ - Size: 508 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Gian-Michele-Cherchi/Dim_Red_Classification-
Language: Python - Size: 2.28 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

pottekkat/naive-bayes-from-scratch
A simple implementation of the Naive Bayes Algorithm to understand its inner workings.
Language: Jupyter Notebook - Size: 315 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

KunalDJoshi/Information-Retrieval-and-Text-Mining-algorithms
Knowledge processing technologies : Information Retrieval and text classification
Language: Java - Size: 1.51 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

sharika-anjum/Machine-Learning-algorithms
Algorithms from scratch to know how the algorithms work.
Language: Jupyter Notebook - Size: 1.75 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 2

Shivank1006/Data_Analytics_with_the_Fisher_Iris_Dataset
Data Science Assignment
Language: Jupyter Notebook - Size: 633 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

NishchalMN/Naive-Bias-Algorithm-implementation-from-scratch
Language: Python - Size: 484 KB - Last synced at: 8 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

adnanhakim/ml-algorithms
A fun side project to perform machine learning algorithms using plain java code.
Language: Java - Size: 36.1 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

ameya-salankar/ml-asg
ML Assignment
Language: Jupyter Notebook - Size: 2.74 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

gurkandemir/Naive-Bayes-Classifier
Naive Bayes Classifiers in order to sentiment movie reviews.
Language: Python - Size: 185 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

mohd-ahsan-mirza/fake-news-analysis
Fake News Analysis using Nominal Bayes classifier algorithm
Language: Jupyter Notebook - Size: 44.9 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

shabinchathalloor/ML-Algorithms
This repository helps you to understand machine learning algorithms clearly. This includes basic regression models, KNN, K- means, Naive Bayes classifier, Decision Tree, Random Forest and Clustering Algorithms
Language: Jupyter Notebook - Size: 5.91 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

SadmanSakib93/Naive-Bayes
Implementation of Naive Bayes from scratch using Python
Language: Python - Size: 63.5 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

abhishekshakya/Predicting-Species-of-Iris-Flower-Naive-Bayes--ML
A Machine Learning Model to predict the species of Irish Flower
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

SunZhongTai/Assiignment2
wumpus world
Language: Java - Size: 94.7 KB - Last synced at: 3 days ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

ajitsingh98/Spam_Detector_Bayesian_Inference
Language: HTML - Size: 270 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

oktaviacitra/naive-bayes-data-hipertensi
Menemukan probabilitas hipertensi seseorang menggunakan input data umur dan kegemukan berdasarkan algoritma naive bayes
Language: Java - Size: 2.93 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

data-integrations/naive-bayes-analytics 📦
Naive Bayes Analytics Plugins: NaiveBayesTrainer and NaiveBayesClassifier plugins
Language: Java - Size: 44.9 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1

meuwebsite/CreditCard--Fraud-Dection
Credit card companies need to have the ability to recognize fraudulent credit card transactions so that customers are not charged for items that they did not purchase
Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

meuwebsite/App--SpanDetector
Web-app that uses Machine Learning to Predict if SMS message is ether Span or Not Span
Language: Jupyter Notebook - Size: 493 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

ReydVires/ensemble-learning
Bagging with Naive Bayes, Machine Learning
Language: Lua - Size: 81.1 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

kush1912/Text-Classification
This is one of the Projects which was done in interest to learn the difference between the different classification algorithm and derive a solid conclusion from that. It scrap sthe data from youtube and related to six different classes and then by using different classification algorithm it classifies them.
Language: Jupyter Notebook - Size: 2.43 MB - Last synced at: 4 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

odubno/machine-learning-intro
class notes, tips, models in python and resources for learning machine learning.
Language: Python - Size: 3.74 MB - Last synced at: 8 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 1

RaczeQ/naive-bayes-classifier
A Python implementation of Naive Bayes from scratch. Repository influenced by https://github.com/gbroques/naive-bayes
Language: Python - Size: 49.8 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

mlsdpk/email-spam-detection
Email Spam Detection using Naive Bayes Algorithm (Udacity's Machine Learning Engineer Nanodegree )
Language: Jupyter Notebook - Size: 406 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 4

rahul1947/ML-A02-Naive-Bayes-and-Logistic-Regression
Implementation of Naive Bayes and Logistic Regression Algorithms for Assignment 02 in the course CS6375: Machine Learning.
Language: Java - Size: 1.12 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

nardonykolyszyn/anti-spam
This is a basic but whole introduction to Naive Bayesian Classification 🧠
Language: Ruby - Size: 10.2 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

wolfdroid/PyNB-2.0
Implementation of Naive Bayes Algorithm for predicting Binomial Probability Distribution using Python
Language: Python - Size: 104 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

MitchPierias/Harvey.py
Simple Naive Bayes Spam Classifier
Language: HTML - Size: 228 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

justdvnsh/Classification-Methods
A collection of different classification techniques done on iris-dataset
Language: Jupyter Notebook - Size: 131 KB - Last synced at: 12 days ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

rohanmandhanya/Credit-risk-analysis
Risk analysis using machine learning algorithms
Language: Jupyter Notebook - Size: 4.11 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

frm1789/ML_Classification_naive_Bayes
Machine learning example using Naive Bayes Algorithm
Size: 197 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Cheng-Lin-Li/Natural-Language-Processing
This is my Natural Language Processing related programs repository
Language: Python - Size: 1.5 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 2

pradeepsinngh/naive-bayes-spam-classifier
Classification of messages as spam or not spam using Naive Bayes algorithm.
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 1

jmarc00s/NaiveBayes
Classificador Naive Bayes
Language: Java - Size: 34.2 KB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Eslam-Ayman/NLP
Sentiment Analysis ( Natural Language Processing )
Language: Python - Size: 3.25 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

dramsauer/Naive-Bayes-Classifier
Naive bayes classification on tripadvisor rate data
Language: Python - Size: 292 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

shakirul15-311/Artificial-intelligence-Lab-Spr18
Artificial Intelligence Lab | Spring 2018
Language: Jupyter Notebook - Size: 7.54 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

kaustubh-pandey/Naive_Bayes_Classifier
A 192 features 10 class problem using Naive Bayes Classifier with 81.73% accuracy
Language: C - Size: 479 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

28Ritu/Naive-Bayes-Classifier
Naive Bayes Classification Task in MATLAB
Language: Matlab - Size: 48.8 KB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

pedrovivaldi/naive_bayes_classifier
Sentiment Analysis of Tweets using Naive Bayes Classifier and Java
Language: Java - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

rajat/spam-detection-using-naive-bayes
Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

znreza/supervised_classification
This repository contains codes for running naive bayes and k-NN classification algorithms on large dataset in python
Language: Python - Size: 26.4 KB - Last synced at: 10 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

gazalpatel/Supervised-Machine-Learning-in-R
This project includes implementation of supervised machine learning algorithms in R language.
Language: HTML - Size: 1.14 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

swap357/python-naive-bayes-classifier
Python based Naive Bayes Classifier using nltk
Language: Python - Size: 36.1 KB - Last synced at: 12 months ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

bsachin207/CloudComputing
A forecasting project based on Apache-Spark and implemented with Naive Bayes theorem.
Language: Python - Size: 16.6 KB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

tashivani/GenderPredictor
Gender Prediction: Text Classification Analytics Using Naive Bayes Approach
Language: Python - Size: 4.41 MB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 1

BHouwens/elm-naive-bayes
Naive Bayes classification package for Elm for funzies
Language: Elm - Size: 53.7 KB - Last synced at: over 1 year ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0
