An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with classification-algorithm

A curated list of projects in awesome lists tagged with classification-algorithm .

https://github.com/NeverSinkDev/NeverSink-Filter

This is a lootfilter for the game "Path of Exile". It hides low value items, uses a markup-scheme and sounds to highlight expensive gear and is based on economy data mining.

classification-algorithm domain-languages exile filter filterblade game hides itemfilter league loot lootfilter neversink parser pathofexile patreon strictness

Last synced: 09 Apr 2025

https://github.com/nishkarshraj/100daysofmlcode

My journey to learn and grow in the domain of Machine Learning and Artificial Intelligence by performing the #100DaysofMLCode Challenge. Now supported by bright developers adding their learnings :+1:

100daysofcode 100daysofmlcode artificial-intelligence artificial-neural-networks big-data classification classification-algorithm deep-learning generative-ai hacktoberfest linear-algebra linear-regression llm machine-learning neural-networks polynomial-regression python regression regression-models scikitlearn-machine-learning

Last synced: 15 May 2025

https://github.com/cluebenchmark/dataclue

DataCLUE: 数据为中心的NLP基准和工具包

ai chinese classification-algorithm data-centric human-in-the-loop nlp

Last synced: 15 Apr 2025

https://github.com/CLUEbenchmark/DataCLUE

DataCLUE: 数据为中心的NLP基准和工具包

ai chinese classification-algorithm data-centric human-in-the-loop nlp

Last synced: 09 May 2025

https://github.com/levyben/DeepSuperLearner

DeepSuperLearner - Python implementation of the deep ensemble algorithm

classification-algorithm ensemble-learning machine-learning

Last synced: 27 Nov 2024

https://github.com/mortcanty/CRC4Docker

Python scripts for the textbook "Image Analysis, Classification and Change Detection in Remote Sensing, Fourth Revised Edition"

change-detection classification-algorithm earth-engine image-analysis python remote-sensing

Last synced: 30 Mar 2025

https://github.com/iterative/demo-bank-customer-churn

Demo DVC project training a classification model on tabular data

classification-algorithm example machine-learning pipeline python reproducibility

Last synced: 18 Jun 2025

https://github.com/bhattbhavesh91/imbalance_class_sklearn

Address imbalance classes in machine learning projects.

class-imbalance classification-algorithm machine-learning python smote

Last synced: 17 Apr 2025

https://github.com/mainakrepositor/ml-algorithms

List of some top machine learning algorithms. Just give a dive and explore the world of ML

algorithms classification-algorithm clustering machine-learning natural-language-processing python3 random-forest regressions

Last synced: 02 May 2025

https://github.com/capstone-coal/pycoal

Python toolkit for characterizing Coal and Open-pit surface mining impacts on American Lands

classification classification-algorithm coal hyperspectral-image-classification open-surface-mining python surface-mining-activities

Last synced: 27 Nov 2024

https://github.com/amine-smahi/mymaster

MyMaster is a combination of an android app and a web api that uses a classification algorithm to help students choosing the best master for their profile.

android classification-algorithm dotnet-core dotnetcore machine-learning mastersdegree skills

Last synced: 18 Mar 2025

https://github.com/abhishek-mallick/health_buddy

Health Buddy is a web application that provides essential medical assistance, including predicting brain tumors, detecting retina problems, and finding nearby doctors. With a chatbot feature and AI-powered suggestions, it aims to improve the healthcare experience for users.

classification-algorithm dialogflow healthcare machine-learning

Last synced: 09 Mar 2025

https://github.com/jlgarridol/sslearn

The sslearn library is a Python package for machine learning over Semi-supervised datasets. It is an extension of scikit-learn.

classification-algorithm machine-learning scikit-learn scikit-learn-api semi-supervised semi-supervised-learning semisupervised-learning

Last synced: 13 Jan 2025

https://github.com/kush1912/fake-news-detection

Machine learning Based Minor Project, which uses various classification Algorithms to classify the news into FAKE/REAL, on the basis of their Title and Body-Content. Data has been collected from 3 different sources and uses algorithms like Random Forest, SVM, Wordtovec and Logistic Regression. It gave 94% accuracy.

classification-algorithm fake guardian ipynb logistic-regression machine-learning-algorithms nyt random-forest scrap-data svm webscraping word2vec-model xgboost-algorithm

Last synced: 13 Feb 2025

https://github.com/chen0040/java-genetic-programming

Genetic-programming framework for various genetic programming paradigms such as linear genetic programming, tree genetic programming, gene expression programming, etc

classification-algorithm evolutionary-algorithms evolutionary-computation gene-expression genetic-programming java linear-genetic-programming machine-learning optimization optimization-algorithms symbolic-regression tree-gp

Last synced: 16 Dec 2024

https://github.com/imharshag/fake-news-detection-using-ml

This project aims to tackle this problem by developing a system that can effectively detect fake news using machine learning techniques.

classification-algorithm confusion-matrix css decision-trees django html logistic-regression machine-learning randomforest regression-algorithms supervised-learning

Last synced: 23 Apr 2025

https://github.com/FlorentAvellaneda/InferDT

The code of AAAI20 paper "Efficient Inference of Optimal Decision Trees"

classification-algorithm decision-tree-classifier machine-learning optimal-decision-trees

Last synced: 11 May 2025

https://github.com/meqdaddev/teachable-machine

A Python package designed to simplify the integration of exported models from Google's Teachable Machine platform into various environments.

classification-algorithm cnn-classification deep-learning deep-neural-networks image-classification image-processing keras machine-learning opencv opencv-python python

Last synced: 21 Mar 2025

https://github.com/wonderer007/naive-bayes-classifier

Naive Bayes classifier is classification algorithm. It uses Naive based Bernoulli and Multinomial equation to classify documents(Text) as ham or spam.

algorithm bernoulli classification-algorithm classify-documents corpus corpus-folder eclipse ham java naive-bayes-classifier

Last synced: 13 May 2025

https://github.com/ruban2205/data-science-introduction

Welcome to the Data Science Introduction repository! This repository is designed to provide an introduction to the field of data science, covering various topics and techniques commonly used in the industry.

classification-algorithm data-science data-visualization decision-tree-classifier exploratory-data-analysis knn knn-classification python simple-linear-regression

Last synced: 21 Nov 2024

https://github.com/gak92/tensorflow-deep-learning

Deep Learning with Tensorflow practice projects include Fashion MNIST classification, Dogs and Cats Classification, and flower classification.

classification-algorithm cnn deeplearning tensorflow

Last synced: 23 Apr 2025

https://github.com/bluegreen-labs/foto

The FOTO (Fourier Transform Textural Ordination) R package.

classification classification-algorithm computer-vision remote-sensing texture

Last synced: 10 Apr 2025

https://github.com/filipwozniak/cart

Classification And Regression Trees (CART) algorithm is a classification algorithm for building a decision tree based on Gini's impurity index as splitting criterion.

cart-algorithm classification-algorithm jupyter-notebook python regression-tree

Last synced: 06 May 2025

https://github.com/jaketae/ml-from-scratch

Machine learning algorithms implemented from scratch with NumPy

classification-algorithm clustering-algorithm from-scratch machine-learning regression-models

Last synced: 29 Jan 2025

https://github.com/hamid-rezaei/data-mining

This repository contains code and solutions for the Data Mining project, which applies various techniques and methods to different datasets. The project covers data preprocessing, dimensionality reduction, regression, classification, and association rule mining.

association-rule-mining classification-algorithm clustering-algorithm numpy pandas regression-algorithms sckiit-learn

Last synced: 14 Jun 2025

https://github.com/acetinkaya/breast-cancer-classification-with-ml-algorithms

Comparison of Classification Success Rates of Different Machine Learning Algorithms in the Diagnosis of Breast Cancer

artificial-intelligence breast-cancer-prediction classification-algorithm

Last synced: 14 Jun 2025

https://github.com/vitorcarvalho67/cats-and-dogs

Cat and Dog Classification with Convolutional Neural Networks (CNNs)

cats-vs-dogs classification-algorithm cnn-keras jupyter-notebook python

Last synced: 02 Dec 2024

https://github.com/sarthak-1408/water-potability

In this repo, I am doing data analysis in water potability and check each and every classification model's accuracy.

catboost-model classification classification-algorithm sklearn sklearn-classify sklearn-library water-quality

Last synced: 14 Apr 2025

https://github.com/networks-learning/counterfactual-prediction-sets

Code for "Designing Decision Support Systems Using Counterfactual Prediction Sets". ICML 2024.

classification-algorithm conformal-prediction human-ai-teaming machine-learning multiclass-classification prediction-sets

Last synced: 11 May 2025

https://github.com/ap-atul/chronic-kidney-disease

Classification of Kidney disease using Sklearn and Custom ML Algorithms

chronic-kidney-disease classification-algorithm machine-learning-algorithms ml-from-scratch

Last synced: 04 Apr 2025

https://github.com/ghufranbarcha/fruit360-classification-webapp

This repo contain fruit360 dataset classification and deployment code using flask.

classification-algorithm flask-application machine-learning

Last synced: 25 Mar 2025

https://github.com/lucko515/classification-python

This repository contains projects done by some of classification techniques. Python.

classification classification-algorithm classification-methods machine-learning

Last synced: 06 Dec 2024

https://github.com/singhxtushar/sensor-fault-detection

Data fetched by wafers is to be passed through the machine learning pipeline and it is to be determined whether the wafer at hand is faulty or not apparently obliterating the need and thus cost of hiring manual labour.

classification-algorithm deployment-docs flask-api gradientboostingclassifier knn-imputer pipelines randomforrestclassifier simple-imputer svc-model xgbclassifier

Last synced: 12 Jun 2025

https://github.com/yokoyang/satellite-image-recognition

satellite image recognition

classification-algorithm img

Last synced: 16 Jun 2025

https://github.com/areberoto/mnist-nn-classifier

Shallow Neural Network implemented using C++ that learns how to classify handwritten digits with 84.42% precision using the MNIST dataset.

classification-algorithm machine-learning mnist-dataset neural-network

Last synced: 23 Feb 2025

https://github.com/rikcav/pokemanos

Projeto para descobrir o tipo de um Pokémon através de suas características básicas. Desenvolvido na disciplina da Inteligência Artificial.

ai ai-algorithms artificial-intelligence classification classification-algorithm classification-model pokemon

Last synced: 14 Mar 2025

https://github.com/joyceannie/tomatoleafdiseaseprediction

The objective of the project is to classify the images of tomato plant leaves to identify whether the plant is healthy or not. A classification model is trained using Tensorflow and Keras. The application runs locally on Flask server.

classification-algorithm flask-application keras machine-learning multiclass-classification python tensorflow2

Last synced: 24 Mar 2025

https://github.com/andrelmlins/rbf-dda

Radial Basis Function (RBF) with Dynamic Decay Adjustment (DDA) algorithm

algorithm classification-algorithm dda neural-network rbf

Last synced: 08 Mar 2025

https://github.com/moindalvs/resume_classification

Business objective- The document classification solution should significantly reduce the manual human effort in the HRM. It should achieve a higher level of accuracy and automation with minimal human intervention

classification classification-algorithm data-science docx docx2txt ensemble-machine-learning pdfplumber resume-app resume-parser text-analysis text-classification text-mining text-processing textract

Last synced: 11 Mar 2025

https://github.com/abhijit2505/cat-photo-classification

This repository contains two models having Two - layers ANN and L - layers ANN respectively to classify Cat photo and Non-Cat photo. This ANN works on the mathematical principles of Logistic Regression and Cross Entropy.

artificial-neural-networks classification-algorithm cross-entropy-loss jupyter-notebook logistic-regression-algorithm machine-learning python3

Last synced: 16 Jun 2025

https://github.com/enmanuelmag/animeclassificator

Investigation of models for anime classification using representative anime data (frames, videos, audio)

anime classification-algorithm deep-learning embeddings image-classification learning machile manga

Last synced: 26 Mar 2025

https://github.com/arshad115/uni-mannheim-masters-thesis

Public repo for my masters thesis "Identification of Polysemous Entities in a Large Scale Database (WebIsALOD)" for University of Mannheim Masters in Business Informatics, Chair of Data and Web Science.

classification classification-algorithm data-science gensim hdp latent-dirichlet-allocation lda lda-models masters-thesis polysemous-entities polysemy thesis topic-modeling uni-mannheim webisadb wikipedia-data

Last synced: 01 Mar 2025

https://github.com/pvlbzn/kot-or-not

Logistic regression (shallow neural network) which predicts whether input image is a cat or not.

classification-algorithm image-classification logistic-regression machine-learning neural-network numpy

Last synced: 01 Mar 2025

https://github.com/jawadddd/brain-cancer-detection

It includes preprocessing, training & testing of detection of brain cancer using CNN.

artificial-intelligence classification-algorithm cnn machine-learning streamlit supervised-data supervised-learning

Last synced: 20 Feb 2025

https://github.com/niladrighosh03/classification---comparison-of-supervised-machine-learning-algorithms

This project explores supervised machine learning algorithms for heart disease prediction using the UCI Heart Disease Dataset. Various classification models like KNN, SVM, Logistic Regression, Decision Trees, Random Forest, Naïve Bayes, Gradient Boosting, and XGBoost are implemented and compared based on accuracy, precision, recall, and F1-score.

accuracy-score analysis classification-algorithm comparison datasets decision-trees exploratory-data-analysis-eda feature-engineering heart-disease machine-learning-algorithms xgboost

Last synced: 06 Apr 2025

https://github.com/datarohit/bank-note-authentication--classification

This is a Kaggle Dataset with information about Bank Note and Classify whether the Bank Note is Authentic or Not. This Dataset is based on Classification problem solved using Sklearn Classification Algorithms.

classification-algorithm machine-learning matplotlib-pyplot numpy pandas seaborn sklearn

Last synced: 09 Apr 2025

https://github.com/dhrupad17/machine-learning-a-z

This is a practice Repository consisting of all the notebooks I have practiced for Machine Learning from basics to Advance

adaboost-algorithm classification-algorithm decision-trees gradient-boosting knn-algorithm logistic-regression mlalgorithms naive-bayes-algorithm random-forest regression-models svm-kernel svm-model

Last synced: 05 Mar 2025

https://github.com/newking9088/marketing_campaign_customer_segmentation_classification

This repository contains a machine learning project to optimize marketing strategies for bank term deposits. Using models like Logistic Regression, Random Forest, SVM, KNN, XGBoost and Neural Network, it classifies customers based on their likelihood of subscribing.

artificial-neural-networks classification-algorithm customer-segmentation machine-learning

Last synced: 23 Feb 2025

https://github.com/injamul3798/determine-pcos-with-92-93-accuracy

I was practicing ML with some dataset. But for this dataset i gave a lot time .And i found a well accuracy 92%+.

classification-algorithm decision-trees logistic naive-bayes-classifier random-forest

Last synced: 02 Apr 2025

https://github.com/prashver/titanic-survival-prediction

This project tackles the Titanic challenge on Kaggle, predicting passenger survival based on variables like age, sex, and passenger class. The Jupyter notebook covers essential steps of a data science pipeline, including exploratory data analysis, data cleaning, feature engineering, and modeling. The dataset used is the Titanic dataset.

classification-algorithm machine-learning-algorithms matplotlib numpy pandas scikit-learn seaborn

Last synced: 04 Mar 2025

https://github.com/xiaowuc2/breast-cancer-prediction-a-machine-learning-approach

This proposed projec presents a comparison of six machine learning algorithms: XGBoost Classifier, Random Forest, KNN Classifier, Logistic Regression, SVM Classification, Decision Tree. Our research led to 94.96% accuracy.

breast-cancer-prediction classification-algorithm machine-learning

Last synced: 14 Mar 2025

https://github.com/datarohit/heart-disease-prediction

This dataset is taken from kaggle which has various feature of over 600+ humans. By using these features we have to predict if the person has a Heart Disease or not.

classification-algorithm matplotlib-pyplot numpy pandas plotly scipy seaborn

Last synced: 09 Apr 2025

https://github.com/kelvinleandro/manim-animations

Animations exploring various concepts in computer science, with a special focus on machine learning and statistics

classification-algorithm clustering-algorithm computer-science machine-learning machine-learning-algorithms manim manim-3b1b manim-animations python python3 regression-algorithms statistics

Last synced: 01 Feb 2025

https://github.com/therealaj/log-reg

analyzing Titanic w/ logistic regression from scratch

classification-algorithm kaggle-competition logistic-regression

Last synced: 24 Feb 2025

https://github.com/datarohit/car-evaluation--classification

This is a Kaggle Dataset where we classify the cars using their various features. Here I used plotly to visualize the Accuracy Scores. Also I used CrossValScore to get More accurate Accuracy Score.

classification-algorithm cross-validation-score machine-learning matplotlib-pyplot numpy pandas sklearn

Last synced: 09 Apr 2025