Topic: "classifier"
axa-group/nlp.js
An NLP library for building bots, with entity extraction, sentiment analysis, automatic language identify, and so more
Language: JavaScript - Size: 32.3 MB - Last synced at: 6 days ago - Pushed at: 4 months ago - Stars: 6,435 - Forks: 628

benedekrozemberczki/awesome-decision-tree-papers
A collection of research papers on decision, classification and regression trees with implementations.
Language: Python - Size: 870 KB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 2,399 - Forks: 343

benedekrozemberczki/awesome-fraud-detection-papers
A curated list of data mining papers about fraud detection.
Language: Python - Size: 490 KB - Last synced at: 10 days ago - Pushed at: about 1 year ago - Stars: 1,693 - Forks: 311

microsoft/EdgeML
This repository provides code for machine learning algorithms for edge devices developed at Microsoft Research India.
Language: C++ - Size: 78.5 MB - Last synced at: 4 days ago - Pushed at: 12 months ago - Stars: 1,614 - Forks: 374

benedekrozemberczki/awesome-gradient-boosting-papers
A curated list of gradient boosting research papers with implementations.
Language: Python - Size: 1.48 MB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 1,022 - Forks: 160

greyblake/whatlang-rs
Natural language detection library for Rust. Try demo online: https://whatlang.org/
Language: Rust - Size: 2.05 MB - Last synced at: 18 days ago - Pushed at: 2 months ago - Stars: 1,010 - Forks: 112

t-davidson/hate-speech-and-offensive-language
Repository for the paper "Automated Hate Speech Detection and the Problem of Offensive Language", ICWSM 2017
Language: Jupyter Notebook - Size: 3.48 MB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 788 - Forks: 327

smellslikeml/ActionAI
Real-Time Spatio-Temporally Localized Activity Detection by Tracking Body Keypoints
Language: Python - Size: 200 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 697 - Forks: 186

emlearn/emlearn
Machine Learning inference engine for Microcontrollers and Embedded devices
Language: Python - Size: 2 MB - Last synced at: 28 days ago - Pushed at: about 1 month ago - Stars: 604 - Forks: 60

MirrorYuChen/ncnn_example
ncnn example: mask detection: anticonv face detection: retinaface&&mtcnn&¢erface, track: iou tracking, landmark: zqcnn, recognize: mobilefacenet classifier: mobilenet object detecter: mobilenetssd
Language: C++ - Size: 56.8 MB - Last synced at: 9 months ago - Pushed at: almost 3 years ago - Stars: 459 - Forks: 136

chrisjbryant/errant
ERRor ANnotation Toolkit: Automatically extract and classify grammatical errors in parallel original and corrected sentences.
Language: Python - Size: 680 KB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 444 - Forks: 109

fredwu/simple_bayes
A Naive Bayes machine learning implementation in Elixir.
Language: Elixir - Size: 97.7 KB - Last synced at: 4 days ago - Pushed at: over 7 years ago - Stars: 392 - Forks: 25

d6o/Gorganizer
Organize your folders into a beautiful classified folder structure with this perfect tool
Language: Go - Size: 939 KB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 353 - Forks: 17

NsfwSpy/NsfwSpy.NET
A .NET image and video classifier used to identify explicit/pornographic content written in C#.
Language: C# - Size: 198 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 338 - Forks: 23

google/licenseclassifier
A License Classifier
Language: Go - Size: 85.3 MB - Last synced at: 22 days ago - Pushed at: 3 months ago - Stars: 325 - Forks: 79

pangwong/pytorch-multi-label-classifier
A pytorch implemented classifier for Multiple-Label classification
Language: Python - Size: 5.23 MB - Last synced at: 2 days ago - Pushed at: almost 7 years ago - Stars: 315 - Forks: 71

ptnplanet/Java-Naive-Bayes-Classifier 📦
A java classifier based on the naive Bayes approach complete with Maven support and a runnable example.
Language: Java - Size: 143 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 297 - Forks: 148

songdejia/DFL-CNN
This is a pytorch re-implementation of Learning a Discriminative Filter Bank Within a CNN for Fine-Grained Recognition
Language: Python - Size: 2.07 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 264 - Forks: 60

aangelopoulos/conformal_classification
Wrapper for a PyTorch classifier which allows it to output prediction sets. The sets are theoretically guaranteed to contain the true class with high probability (via conformal prediction).
Language: Jupyter Notebook - Size: 4.26 MB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 241 - Forks: 34

jsingh811/pyAudioProcessing
Audio feature extraction and classification
Language: Python - Size: 22.9 MB - Last synced at: 3 days ago - Pushed at: almost 2 years ago - Stars: 225 - Forks: 39

benedekrozemberczki/shapley
The official implementation of "The Shapley Value of Classifiers in Ensemble Games" (CIKM 2021).
Language: Python - Size: 826 KB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 220 - Forks: 35

gionanide/Speech_Signal_Processing_and_Classification
Front-end speech processing aims at extracting proper features from short- term segments of a speech utterance, known as frames. It is a pre-requisite step toward any pattern recognition problem employing speech or audio (e.g., music). Here, we are interesting in voice disorder classification. That is, to develop two-class classifiers, which can discriminate between utterances of a subject suffering from say vocal fold paralysis and utterances of a healthy subject.The mathematical modeling of the speech production system in humans suggests that an all-pole system function is justified [1-3]. As a consequence, linear prediction coefficients (LPCs) constitute a first choice for modeling the magnitute of the short-term spectrum of speech. LPC-derived cepstral coefficients are guaranteed to discriminate between the system (e.g., vocal tract) contribution and that of the excitation. Taking into account the characteristics of the human ear, the mel-frequency cepstral coefficients (MFCCs) emerged as descriptive features of the speech spectral envelope. Similarly to MFCCs, the perceptual linear prediction coefficients (PLPs) could also be derived. The aforementioned sort of speaking tradi- tional features will be tested against agnostic-features extracted by convolu- tive neural networks (CNNs) (e.g., auto-encoders) [4]. The pattern recognition step will be based on Gaussian Mixture Model based classifiers,K-nearest neighbor classifiers, Bayes classifiers, as well as Deep Neural Networks. The Massachussets Eye and Ear Infirmary Dataset (MEEI-Dataset) [5] will be exploited. At the application level, a library for feature extraction and classification in Python will be developed. Credible publicly available resources will be 1used toward achieving our goal, such as KALDI. Comparisons will be made against [6-8].
Language: Python - Size: 827 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 220 - Forks: 62

kamalkraj/ALBERT-TF2.0
ALBERT model Pretraining and Fine Tuning using TF2.0
Language: Python - Size: 235 KB - Last synced at: 3 days ago - Pushed at: about 2 years ago - Stars: 203 - Forks: 44

MirrorYuChen/mnn_example
alibaba MNN, mobilenet classifier, centerface detecter, ultraface detecter, pfld landmarker and zqlandmarker, mobilefacenet
Language: C++ - Size: 71.5 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 194 - Forks: 57

gyrdym/ml_algo
Machine learning algorithms in Dart programming language
Language: Dart - Size: 9.49 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 192 - Forks: 31

Flight-School/Programming-Language-Classifier 📦
An example of how to use CreateML in Xcode 10 to create a Core ML model for classifying text
Language: Swift - Size: 4.91 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 179 - Forks: 13

muatik/naive-bayes-classifier
yet another general purpose naive bayesian classifier.
Language: Python - Size: 72.3 KB - Last synced at: 6 days ago - Pushed at: over 5 years ago - Stars: 172 - Forks: 72

rishikksh20/CrossViT-pytorch
Implementation of CrossViT: Cross-Attention Multi-Scale Vision Transformer for Image Classification
Language: Python - Size: 229 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 171 - Forks: 18

karolzak/support-tickets-classification
This case study shows how to create a model for text analysis and classification and deploy it as a web service in Azure cloud in order to automatically classify support tickets. This project is a proof of concept made by Microsoft (Commercial Software Engineering team) in collaboration with Endava http://endava.com/en
Language: Python - Size: 3.74 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 168 - Forks: 91

HsiehYiChia/Scene-text-recognition
Scene text detection and recognition based on Extremal Region(ER)
Language: C++ - Size: 1.57 GB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 167 - Forks: 55

codelion/adaptive-classifier
A flexible, adaptive classification system for dynamic text classification
Language: Python - Size: 3.27 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 160 - Forks: 11

akshaybahadur21/Digit-Recognizer
A Machine Learning classifier for recognizing the digits for humans 🎰
Language: Python - Size: 83.6 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 156 - Forks: 91

leanderme/sytora
A sophisticated smart symptom search engine
Language: JavaScript - Size: 7.03 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 155 - Forks: 87

pythonlessons/TensorFlow-object-detection-tutorial
The purpose of this tutorial is to learn how to install and prepare TensorFlow framework to train your own convolutional neural network object detection classifier for multiple objects, starting from scratch
Language: Python - Size: 224 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 154 - Forks: 100

surmon-china/naivebayes
NaiveBayes classifier for JavaScript
Language: JavaScript - Size: 524 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 143 - Forks: 8

crestonbunch/tbcnn
Efficient tree-based convolutional neural networks in TensorFlow
Language: Python - Size: 8.3 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 139 - Forks: 46

boyter/lc
licensechecker (lc) a command line application which scans directories and identifies what software license things are under producing reports as either SPDX, CSV, JSON, XLSX or CLI Tabular output. Dual-licensed under MIT or the UNLICENSE.
Language: Go - Size: 53.5 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 132 - Forks: 17

alexisbcook/keras_transfer_cifar10
Object classification with CIFAR-10 using transfer learning
Language: Jupyter Notebook - Size: 5.34 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 131 - Forks: 58

andreekeberg/ml-classify-text-js
Machine learning based text classification in JavaScript using n-grams and cosine similarity
Language: JavaScript - Size: 87.9 KB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 130 - Forks: 11

gitshanks/fer2013
Facial Emotion Recognition on FER2013 Dataset Using a Convolutional Neural Network
Language: Python - Size: 21.9 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 128 - Forks: 89

surajr/URL-Classification
Machine learning to classify Malicious (Spam)/Benign URL's
Language: Jupyter Notebook - Size: 184 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 125 - Forks: 53

OliBomby/Mapperatorinator
A multi-model framework generating fully featured osu! beatmaps for all gamemodes from spectrogram inputs.
Language: Python - Size: 3.06 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 124 - Forks: 7

greenelab/pancancer
Building classifiers using cancer transcriptomes across 33 different cancer-types
Language: Jupyter Notebook - Size: 28.8 MB - Last synced at: 6 days ago - Pushed at: about 6 years ago - Stars: 119 - Forks: 57

IBM/nlc-icd10-classifier
A simple web app that shows how Watson's Natural Language Classifier (NLC) can classify ICD-10 code. The app is written in Python using the Flask framework and leverages the Watson Developer Cloud Python SDK
Language: Python - Size: 4.37 MB - Last synced at: 5 days ago - Pushed at: about 2 years ago - Stars: 117 - Forks: 58

jaimeteb/chatto
Chatto is a minimal chatbot framework in Go.
Language: Go - Size: 54.8 MB - Last synced at: 11 months ago - Pushed at: almost 2 years ago - Stars: 113 - Forks: 9

ankitdhall/imageSegmentation
Image Segmentation using Texture and Color features in C++
Language: C++ - Size: 18.6 KB - Last synced at: 28 days ago - Pushed at: almost 8 years ago - Stars: 113 - Forks: 47

FlyersWeb/dhtbay
A DHT crawler and torrent indexer
Language: JavaScript - Size: 146 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 106 - Forks: 20

codebox/bayesian-classifier
A Naive Bayesian Classifier written in Python
Language: Python - Size: 22.5 KB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 102 - Forks: 45

rishikksh20/CeiT-pytorch
Implementation of Convolutional enhanced image Transformer
Language: Python - Size: 822 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 99 - Forks: 15

abishekmuthian/hntoebook
HN To E-book
Language: Go - Size: 456 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 96 - Forks: 3

LiMeng95/pytorch_hand_classifier
Simple hand classifier by Pytorch and ResNet
Language: Python - Size: 388 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 96 - Forks: 43

wisepythagoras/website-fingerprinting
Deanonymizing Tor or VPN users with website fingerprinting and machine learning.
Language: Python - Size: 192 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 95 - Forks: 24

ropensci-archive/monkeylearn 📦
:no_entry: ARCHIVED :no_entry: Accesses the Monkeylearn API for Text Classifiers and Extractors
Language: R - Size: 1.15 MB - Last synced at: 1 day ago - Pushed at: about 3 years ago - Stars: 93 - Forks: 16

Lornatang/AlexNet-PyTorch
An PyTorch implementation AlexNet.Simple, easy to use and efficient
Language: Python - Size: 1.09 MB - Last synced at: 23 days ago - Pushed at: almost 2 years ago - Stars: 91 - Forks: 38

richardstartin/multi-matcher
simple rules engine
Language: Java - Size: 6.52 MB - Last synced at: 5 days ago - Pushed at: about 5 years ago - Stars: 91 - Forks: 9

krishkumar/createml-playgrounds
Create ML playgrounds for building machine learning models. For developers and data scientists.
Language: Swift - Size: 14.2 MB - Last synced at: 18 days ago - Pushed at: over 4 years ago - Stars: 90 - Forks: 2

renatoosousa/GeneticAlgorithmForFeatureSelection
Search the best feature subset for you classification mode
Language: Python - Size: 16.6 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 90 - Forks: 28

collab-uniba/Emotion_and_Polarity_SO
An emotion classifier of text containing technical content from the SE domain
Language: OpenEdge ABL - Size: 59.2 MB - Last synced at: 7 days ago - Pushed at: 5 months ago - Stars: 76 - Forks: 19

patrickschur/stanford-nlp-tagger
PHP wrapper for the Stanford Natural Language Processing library. Supports POSTagger and CRFClassifier.
Language: PHP - Size: 11.7 KB - Last synced at: 27 days ago - Pushed at: almost 5 years ago - Stars: 76 - Forks: 13

santhisenan/DeepDefense
DDoS attack detection using BLSTM based RNN
Language: Jupyter Notebook - Size: 2.48 MB - Last synced at: 27 days ago - Pushed at: about 5 years ago - Stars: 74 - Forks: 25

alvarouc/polyssifier
run a multitude of classifiers on you data and get an AUC report
Language: Python - Size: 5.95 MB - Last synced at: 10 months ago - Pushed at: over 1 year ago - Stars: 67 - Forks: 23

niiknow/bayes
naive bayes in php
Language: PHP - Size: 47.9 KB - Last synced at: 5 days ago - Pushed at: about 3 years ago - Stars: 67 - Forks: 15

rodrigoalvesvieira/SoundKeylogger
An experimental project to demonstrate how a user keyboard input may be sniffed through the pattern analysis of the sounds emitted by the keystrokes.
Language: C - Size: 10 MB - Last synced at: about 1 month ago - Pushed at: almost 9 years ago - Stars: 67 - Forks: 9

aziztitu/football-match-predictor
A machine learning project that predicts results of a football match
Language: Python - Size: 20.1 MB - Last synced at: 12 months ago - Pushed at: almost 5 years ago - Stars: 62 - Forks: 23

masatoi/cl-random-forest
Random forest in Common Lisp
Language: Common Lisp - Size: 232 KB - Last synced at: 12 months ago - Pushed at: almost 3 years ago - Stars: 59 - Forks: 6

MorvanZhou/train-classifier-from-scratch
Machine Learning: Collect data online and train a classifier from scratch
Language: Python - Size: 627 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 59 - Forks: 40

gabrieldemarmiesse/heatmaps 📦
Language: Python - Size: 1.12 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 59 - Forks: 17

NikolasEnt/Vehicle-Detection-and-Tracking
Udacity Self-Driving Car Engineer Nanodegree. Project: Vehicle Detection and Tracking
Language: Jupyter Notebook - Size: 49.2 MB - Last synced at: 1 day ago - Pushed at: over 7 years ago - Stars: 58 - Forks: 40

vishalshar/Audio-Classification-using-CNN-MLP
Multi class audio classification using Deep Learning (MLP, CNN): The objective of this project is to build a multi class classifier to identify sound of a bee, cricket or noise.
Language: Python - Size: 2.46 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 54 - Forks: 17

CarsonScott/HSOM
Hierarchical self-organizing maps for unsupervised pattern recognition
Language: Python - Size: 174 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 54 - Forks: 10

pln-fing-udelar/pghumor
Is This a Joke? Humor Detection in Spanish Tweets
Language: Python - Size: 91.3 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 52 - Forks: 20

masatoi/cl-online-learning
A collection of machine learning algorithms for online linear classification written in Common Lisp
Language: Common Lisp - Size: 169 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 50 - Forks: 3

apennisi/rgbd_person_tracking
R-GBD Person Tracking is a ROS framework for detecting and tracking people from a mobile robot.
Language: C++ - Size: 1.19 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 50 - Forks: 23

hkhojasteh/Bag-of-Visual-Words
:school_satchel: Bag of Visual words (BoW) approach for object classification and detection in images together with SIFT feature extractor and SVM classifier.
Language: C++ - Size: 666 KB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 48 - Forks: 13

NsfwSpy/NsfwSpy.js
A JavaScript image classifier used to identify explicit/pornographic content written in TypeScript.
Language: TypeScript - Size: 25.7 MB - Last synced at: 6 days ago - Pushed at: 7 months ago - Stars: 47 - Forks: 4

mbejda/Nodejs-Stanford-Classifier
Nodejs wrapper for Stanford Classifier.
Language: JavaScript - Size: 12.6 MB - Last synced at: 4 days ago - Pushed at: about 4 years ago - Stars: 47 - Forks: 10

ecthros/labelReader
Programmatically find and read labels using Machine Learning
Language: Python - Size: 3.88 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 46 - Forks: 18

johnhany97/ocr-machine-learning
OCR Machine Learning in python
Language: Python - Size: 25.2 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 45 - Forks: 9

danieldk/golinear 📦
liblinear bindings for Go
Language: Go - Size: 70.3 KB - Last synced at: 7 months ago - Pushed at: over 6 years ago - Stars: 45 - Forks: 12

vunb/node-fasttext
Nodejs binding for fasttext representation and classification.
Language: C++ - Size: 40 MB - Last synced at: 24 days ago - Pushed at: about 1 year ago - Stars: 43 - Forks: 14

Assisted-Mindfulness/naive-bayes
Naive Bayes works by looking at a training set and making a guess based on that set.
Language: PHP - Size: 1.21 MB - Last synced at: 2 days ago - Pushed at: 2 months ago - Stars: 42 - Forks: 2

shankarj67/Water-classifier-fastai
Deploy your Flask web app classifier on Heroku which is written using fastai library.
Language: HTML - Size: 75.9 MB - Last synced at: 6 days ago - Pushed at: over 5 years ago - Stars: 41 - Forks: 49

winkjs/wink-naive-bayes-text-classifier
Naive Bayes Text Classifier
Language: JavaScript - Size: 1.02 MB - Last synced at: 26 days ago - Pushed at: 3 months ago - Stars: 40 - Forks: 9

Unoqwy/shinydir
CLI tool to enforce clean directories by setting rules
Language: Rust - Size: 366 KB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 40 - Forks: 1

mspronesti/qlearnkit
A python library for quantum machine learning and quantum deep learning, built on top of qiskit and pennylane
Language: Python - Size: 3.7 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 39 - Forks: 11

kamildrazkiewicz/go-stanford-nlp
Go Stanford NLP POS Tagger wrapper
Language: Go - Size: 28.3 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 39 - Forks: 2

rudikershaw/whichx
A small, no dependencies, Naive Bayes Text Classifier for JavaScript
Language: JavaScript - Size: 399 KB - Last synced at: 5 days ago - Pushed at: almost 2 years ago - Stars: 38 - Forks: 6

IvanBongiorni/TensorFlow2.0_Notebooks
Implementation of a series of Neural Network architectures in TensorFow 2.0
Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: 4 days ago - Pushed at: about 4 years ago - Stars: 37 - Forks: 22

ssusnic/Machine-Learning-Doodle-Recognition
A project on making a game like Quick Draw using Machine Learning with Convolutional Neural Network.
Language: JavaScript - Size: 2.01 MB - Last synced at: 29 days ago - Pushed at: over 4 years ago - Stars: 37 - Forks: 13

gugarosa/opfython
🌳 A Python-inspired implementation of the Optimum-Path Forest classifier.
Language: Python - Size: 459 KB - Last synced at: 28 days ago - Pushed at: 2 months ago - Stars: 36 - Forks: 17

HHousen/lecture2notes
Convert lecture videos to notes using AI & machine learning. Code for the research titled "Lecture2Notes: Summarizing Lecture Videos by Classifying Slides and Analyzing Text using Machine Learning."
Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 35 - Forks: 12

lakshaychhabra/NSFW-Detection-DL
This repo contains Deep learning Implementation for identifying NSFW images.
Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 34 - Forks: 8

alessandrodd/api_key_detector
Neural Network Based, Automatic API Key Detector
Language: Python - Size: 10.5 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 33 - Forks: 11

damianmoore/tensorflow-image-classifier
Easily train an image classifier and then use it to label/tag other images
Language: Python - Size: 29.3 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 33 - Forks: 7

FragJage/SpeakerVoiceIdentifier
SpeakerVoiceIdentifier can recognize the voice of a speaker by learning.
Language: C++ - Size: 20.3 MB - Last synced at: about 2 months ago - Pushed at: about 8 years ago - Stars: 33 - Forks: 14

cognoma/machine-learning
Machine learning for Project Cognoma
Language: Jupyter Notebook - Size: 9.7 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 32 - Forks: 47

hoangsonww/AI-ML-Classifiers
🤖 This repository houses a collection of image classification models for various purposes, including vehicle, object, animal, and flower classification. Each classifier is built using deep learning techniques and pre-trained models to accurately identify and categorize images based on their respective classes. Also includes a sample Flask backend!
Language: Python - Size: 290 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 31 - Forks: 15

leafo/lapis-bayes
Naive Bayes classifier for use in Lua
Language: MoonScript - Size: 140 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 30 - Forks: 3

hate-alert/Countering_Hate_Speech_ICWSM2019
Repository for the paper "Thou shalt not hate: Countering Online Hate Speech" accepted at ICWSM 2019.
Language: Jupyter Notebook - Size: 28.7 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 30 - Forks: 9

NorbertDDD/KDD-Cup-99-CNN-PyTorch
This is a classification model with five classes (normal, DOS, R2L, U2R,PROBING). Ignore the content features of TCP connection ( columns 10-22 of KDD Cup 99 dataset) when training the model to adapt the project that a kdd99 feature extractor
Language: Python - Size: 22 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 28 - Forks: 6
