classifiers
There are 106 repositories under classifiers topic.
jim-spyropoulos/Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn
Formed trajectories of sets of points.Experimented on finding similarities between trajectories based on DTW (Dynamic Time Warping) and LCSS (Longest Common SubSequence) algorithms.Modeled trajectories as strings based on a Grid representation.Benchmarked KNN, Random Forest, Logistic Regression classification algorithms to classify efficiently trajectories.
zeek-flowmeter/zeek-flowmeter
A Zeek script to generate features based on timing, volume and metadata for traffic classification.
biosails/pheniqs
Fast and accurate sequence demultiplexing
rehmanzafar/dlime_experiments
In this work, we propose a deterministic version of Local Interpretable Model Agnostic Explanations (LIME) and the experimental results on three different medical datasets shows the superiority for Deterministic Local Interpretable Model-Agnostic Explanations (DLIME).
aswinzz/Machine-Learning-Algorithms
All Machine Learning Algorithms
san089/Big_Data_Project
Fake News Detection - Feature Extraction using Vectorization such as Count Vectorizer, TFIDF Vectorizer, Hash Vectorizer,. Then used an Ensemble model to classify whether the news is fake or not.
dykang/xslue
ACL 2021 paper "Style is NOT a single variable: Case Studies for Cross-Style Language Understanding " by Dongyeop Kang and Eduard Hovy
sakshidgoel/Bilingual-Sentiment-Analysis
The main aim of the project is to develop a sentiment analyzer that can be used on twitter data to classify it as positive or negative. Our project takes care of the challenge of bilingual comments, where people tweet in two languages, in this case Hindi and English, in the Latin Alphabet.
anshumantekriwal/machine-learning
Machine Learning Modelling On Regression & Classification Problems
novasush/image-classifier-in-javascript
Deploy image classifier on a static website using javascript.
sergio94al/Automatic_design_of_quantum_feature_maps_Genetic_Auto-Generation
Registered Software. Official code of the published article "Automatic design of quantum feature maps". This quantum machine learning technique allows to auto-generate quantum-inspired classifiers by using multiobjetive genetic algorithms for tabular data.
allenai/learning-curve
Library for computing classifier Learning Curves & iPython notebooks to improve your learning curve for using Learning Curves for ML research and practice!
gale31/ObjectDetector
ObjectDetector uses OpenCV Haar cascade classifiers to detect different objects in images and videos with Python. For now, this repository includes my trained haar cascade classifier for detecting cars, the default haar cascade classifier for human faces (haarcascade_frontalface_default), a classifier for bananas from CodingRobin and a classifier for wallclocks which are used and tested in programs, detecting the objects from image/video, comparison between different human body parts classifiers and some other programs, which (will) help training the classifiers (for example, a program downloading the "cat box" synset images from ImageNet).
nicolay-r/RuSentRel-Leaderboard
This is an official Leaderboard for the RuSentRel-1.1 dataset originally described in paper (arxiv:1808.08932)
Wadaboa/bayesian-net-classifier
Various classifiers using bayesian networks, for Knowledge Representation class at UNIBO
anthonykrivonos/nba-ml
🏀 Hardcoded ML classifiers from scratch to create predictive models on the outcomes of NBA games!
PRITHIVSAKTHIUR/Airbnb-NYC-Maps
Airbnb Price in NYC ( Select Boroughs )
taneemishere/Live-AI-Smile-Detector
An AI application that can detect the smile on the face(s) in real time i-e from a webcam or even a captured video.
amitjoshi9627/PoemClassification
Making a dataset of poems and try categorising them in 4 genres using two different classifiers.
HerambVD/mortgage-risk-analysis
A research on how macroeconomic, microeconomic factors and personal data could affect mortgage risk using Machine Learning techniques.
javiervales/ML
Machine learning course for graduate students
jonathanloganmoran/emotion-recognition-neural-networks
A convolutional neural network for human emotion classification
Raschka-research-group/hotspotter
Hotspotter is software used to classify energetic hot spots of protein:protein interaction
RishiHazra/Fake-news-detection
Fake News Detection on Liar dataset
shreydan/MachineLearningRecipes
Following tutorials from Josh Gordon.
ahmadhuss/FaceRecognizer
😨 Detects faces by using OpenCV which is computer vision interface library or platform like Matlab. OpenCV provides classifiers for detecting a different type of objects by using a different kind of sensors and cameras.
AvaAvarai/ML_Classifier_Comparison_Tool
Machine Learning classifier comparison GUI application. Choose 21 classifiers, evaluation data (optional for evaluation of synthetic data), hyperparameters, cross-validation splits, and rng seed; tabulates, and visualizes in Parallel Coordinates: best, worst, average, and standard deviation of Accuracy/F1/Recall.
Moolfel/Ensembles-Of-Different-Classifiers
Combinin' several ML techniques into one predictive model.
tatigabru/kaggle-plasticc
Photometric light curves classification with machine learning
TimosPal/Forum-posts-sentiment-analysis
Various classifiers are trained with forum posts labelled either neutral or insulting and are tested with appropriate metrics.
Youlenda/Driver-Consciousness-Level-Analysis-Using-EEG-Signals
Driver's Consciousness Level Analysis using EEG Signals
CharlesPDX/fuzzy-artmap
scikit-learn compatible implementation of Fuzzy ARTMAP
RobCyberLab/Machine-Learning-Classifier
🤖Machine Learning Classifier⚙️
SubbulakshmiSN/Decision_tree_algo_study_for_wine_data
Decision Tree Classifier is used in this wine data to test the quality of wine. Additional study about entropy and information gain provides overall understanding about how this classifier works in order to predict.
SubbulakshmiSN/Diabetes_Prediction_application_using_streamlit
The Diabetes Prediction Application serves as a valuable tool for individuals to assess their risk of diabetes based on personal health information. By leveraging machine learning techniques, the application provides accurate predictions, aiding users in making informed decisions about their health.
Tynoee/Loan-Approval-Prediction
This project is a web application for predicting loan approval status based on various financial and personal attributes. It uses a machine learning model that I trained on historical loan data to make predictions. I built the web application using Flask for the web framework, SQLite for the database, and the pre-trained model saved with joblib.