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

Topic: "multi-class-classification"

ZhiningLiu1998/imbalanced-ensemble

🛠️ Class-imbalanced Ensemble Learning Toolbox. | 类别不平衡/长尾机器学习库

Language: Python - Size: 16.8 MB - Last synced at: 11 days ago - Pushed at: about 1 month ago - Stars: 357 - Forks: 52

codelion/adaptive-classifier

A flexible, adaptive classification system for dynamic text classification

Language: Python - Size: 3.26 MB - Last synced at: 15 days ago - Pushed at: about 2 months ago - Stars: 146 - Forks: 11

ing-bank/probatus

SHAP-based validation for linear and tree-based models. Applied to binary, multiclass and regression problems.

Language: Python - Size: 16.5 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 137 - Forks: 40

taishan1994/pytorch_bert_multi_classification

基于pytorch_bert的中文多标签分类

Language: Python - Size: 1.98 MB - Last synced at: 16 days ago - Pushed at: over 3 years ago - Stars: 89 - Forks: 14

MaharshSuryawala/Food-Image-Recognition

A system that takes food images as an input, recognizes the food automatically and gives the nutritional-facts as an output.

Language: Jupyter Notebook - Size: 39 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 77 - Forks: 47

mwydmuch/napkinXC

Extremely simple and fast extreme multi-class and multi-label classifiers.

Language: C++ - Size: 2.54 MB - Last synced at: 3 days ago - Pushed at: 18 days ago - Stars: 66 - Forks: 7

jadevaibhav/Signature-verification-using-deep-learning

Using SigComp'11 dataset for signature verification

Language: Jupyter Notebook - Size: 18.9 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 56 - Forks: 27

cetinsamet/music-genre-classification

Music genre classification from audio spectrograms using deep learning

Language: Python - Size: 33.3 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 43 - Forks: 12

hellonlp/classifier_multi_label_seq2seq_attention

multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search

Language: Python - Size: 176 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 32 - Forks: 7

abhinavsagar/Grocery-Product-Classification

Implementation of the paper "A Hierarchical Grocery Store Image Dataset with Visual and Semantic Labels"

Language: Jupyter Notebook - Size: 501 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 27 - Forks: 21

Azure/cortana-intelligence-customer360 📦

This repository contains instructions and code to deploy a customer 360 profile solution on Azure stack using the Cortana Intelligence Suite.

Language: Python - Size: 5.48 MB - Last synced at: 13 days ago - Pushed at: over 6 years ago - Stars: 26 - Forks: 20

arvindshmicrosoft/YelpDatasetSQL

Working with the Yelp Dataset in Azure SQL and SQL Server

Language: TSQL - Size: 43 KB - Last synced at: 7 days ago - Pushed at: about 4 years ago - Stars: 17 - Forks: 9

JamesLYC88/text_classification_baseline_code

The code for the ACL 2023 paper "Linear Classifier: An Often-Forgotten Baseline for Text Classification".

Language: Python - Size: 59.6 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 16 - Forks: 1

vauxgomes/lad

Open source implementation of Logical Analysis of Data (LAD) Algorithm.

Language: Python - Size: 68.4 KB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 1

flsing/machine-learning

Andrew Ng's Machine Learning Course

Language: Matlab - Size: 26.8 MB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 14

siddh30/The-Airbnb-Classification-Project

This project is from the Airbnb Recruitment Challenge on Kaggle. The challenge is to solve a multi-class classification problem of predicting new users first booking destination.

Language: R - Size: 33.9 MB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 11 - Forks: 1

rednafi-archive/gas-classification

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

UniFeat/unifeat

An open-source tool for performing feature selection process in different areas of research

Language: Java - Size: 30.5 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 9 - Forks: 3

DanielDaCosta/RNN-Keras

Building a Multi-Label Classifier doesn't seem a difficult task using Keras, but when you are dealing with a highly imbalanced dataset with more than 30 different labels and with multiple losses it can become quite tricky.

Language: Jupyter Notebook - Size: 2.09 MB - Last synced at: 16 days ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 3

nicholasRenninger/SVM-Facial-Recognition

MATLAB Implementation of the SVM and Eigenface/Fishcerface Algorithms for Facial Recognition.

Language: Matlab - Size: 49.9 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 8 - Forks: 0

shgo/gamtl

Group LASSO with Asymmetric Structure Estimation for Multi-Task Learning

Language: Python - Size: 169 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 3

javascript-machine-learning/multi-classification-logistic-regression-gradient-descent-javascript

⭐️ Multi-Class Classification Logistic Regression with Gradient Descent in JavaScript

Language: JavaScript - Size: 18.4 MB - Last synced at: 12 months ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 1

MainakVerse/Eye-Disease-Detector

This application uses deep learning to analyze eye images and detect various diseases.

Language: Jupyter Notebook - Size: 9.72 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 6 - Forks: 1

FardinHash/multilabel-classification-llm

Multi-label classification using LLMs, with additional enhancements using quantization and LoRA (Low-Rank Adaptation). Get better performance on GPU.

Language: Jupyter Notebook - Size: 9.31 MB - Last synced at: 15 days ago - Pushed at: 11 months ago - Stars: 6 - Forks: 0

chen0040/java-adaptive-resonance-theory

Package provides java implementation of algorithms in the field of adaptive resonance theory (ART)

Language: Java - Size: 856 KB - Last synced at: 18 days ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 3

chen0040/java-libsvm

Package provides the direct java conversion of the origin libsvm C codes as well as a number of adapter to make it easier to program with libsvm on Java

Language: Java - Size: 249 KB - Last synced at: 18 days ago - Pushed at: almost 8 years ago - Stars: 6 - Forks: 2

Sudhanshu-Ambastha/Multiple-Disease-Prediction-Bot

This a multiple disease prediction based on user input which can predict upto 40 disease and trained on 131 parameters

Language: Jupyter Notebook - Size: 770 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 5 - Forks: 0

sharmi1206/Membership_Inference_Attack_DP

Testing membership inference attacks on Deep learning models (LSTM, CNN);

Language: Python - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

MahindaMK/Multi-local-Power-means-based-fuzzy-k-nearest-neighbor-algorithm-MLPM-FKNN

MATLAB code for multi-local Power means-based fuzzy k-nearest neighbor (MLPM-FKNN) algorithm

Language: MATLAB - Size: 18.6 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

VipinindKumar/MLExercisesPython

Machine Learning exercises in Python (Jupyter notebooks)

Language: Jupyter Notebook - Size: 672 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 2

sushant1827/Machine-Learning-for-Predictive-Maintenance

Demonstrate the application of machine learning on a real-world predictive maintenance dataset, using measurements from actual industrial equipment.

Language: Jupyter Notebook - Size: 1.67 MB - Last synced at: 10 days ago - Pushed at: 4 months ago - Stars: 3 - Forks: 0

GAA-UAM/C-GB

Condensed-Gradient Boosting

Language: Python - Size: 131 KB - Last synced at: 9 days ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0

iFairPlay22/Multi-Class-BBox-Detection

Création d'un réseau de Deep Learning capable de détecter une unique instance d'un objet (pouvant appartenir à différentes classes) dans une image et de l'encadrer avec un rectangle.

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

apoorvaKR12695/Mobile-Price-Range-Prediction

Supervised ML- Built a Multi-Class classification model to find the relation between features of a mobile phone(RAM, Internal Memory etc) and its selling price. Model will predict the price range indicating how high the price is.

Language: Jupyter Notebook - Size: 6.83 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 4

magesh-technovator/Text_Classification_Deep_Learning_Pytorch

This repository consists of various deep learning based text classification models. It's more of a plug and play type. Designed in a way that you can customise these projects with little or no efforts on custom datasets.

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

vgupta123/contextualize_scdv

Unsupervised Contextualized Document Representation, to appear in SustaiNLP 2021 EMNLP 2021

Language: Python - Size: 5.42 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

samtwl/Machine-Learning

This repository contains several machine learning projects done in Jupyter Notebooks

Language: Jupyter Notebook - Size: 8.08 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 1

sharmaroshan/V2-Plant-Seedlings-Classification

It has 12 Classes for twelve different types of crops. This Dataset is in a zip file containing twelve folders of each plant containing their pictures. It is a Image Classification Problem, which can be easily solved Deep Learning Models such CNN(Convolutional Neural Networks)

Language: Jupyter Notebook - Size: 195 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 1

ss87021456/Venue-Prediction

Venue Prediction with bag of words + heterogenous information using sklearn SGDClassifier

Language: Python - Size: 1.89 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 1

ltfschoen/aind2-rnn

Term 2 Project 2 RNN and LSTM for time-series prediction and text generation

Language: Jupyter Notebook - Size: 10.9 MB - Last synced at: 13 days ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 2

chen0040/js-svm

Package provides javascript implementation of support vector machines

Language: JavaScript - Size: 39.1 KB - Last synced at: 18 days ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 3

chandra-ps612/plant_diseases_classification_model

Computer Vision and Deep Learning

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

lorenzobalzani/nlp_projects 📦

This repository contains assignments, the final course project, and the project work assigned for the Natural Language Processing (NLP) course within the Artificial Intelligence Master's program.

Language: Jupyter Notebook - Size: 3.97 MB - Last synced at: 10 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 1

omniaalwazzan/Pytorch-Clssification-models

Models for multi-class classification implimented in pytorch

Language: Python - Size: 204 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

cwwdaniel/invoice-text-classification

Semantic Enrichment, Data Augmentation and Deep Learning for Boosting Invoice Text Classification Performance: A Novel Natural Language Processing Strategy

Size: 68.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

m0kr4n3/protein_location_prediction_chall

Proposed Solution for `Protein Location Prediction Challenge` by AI Hack Tunisia 2022

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

JINHXu/PCL-Detection-SemEval2022-task4

Code repository for the paper Xu at SemEval2022 Task 4: pre-BERT Neural Network Methods vs post-BERT RoBERTa Approach for Patronizing and Condescending Language Detection.

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

PRISHIta123/RAELN

L2-Regularized Autoencoder Enabled Ladder Networks (RAELN) for multi-class classification of network intrusion malware.

Language: Python - Size: 31.2 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

ZahraDehghani99/DigikalaCup-1400

DigikalaCup 1400 (Data Science)

Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

HxnDev/K-Means-KNN-and-Davies-Bouldin-Index-on-Multi-Class-Dataset

Calculating DB index, KNN and K-Means from the given dataset

Language: Jupyter Notebook - Size: 724 KB - Last synced at: 22 days ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

ken-power/SelfDrivingCarND-TrafficSignClassifier

Build a Convolutional Neural Network (CNN) that recognizes traffic signs.

Language: HTML - Size: 13.2 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

farkoo/CNN-Fashion-MNIST-Keras

Fashion MNIST dataset Classification using Convolutional Neural Networks.

Language: Jupyter Notebook - Size: 111 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

Zubayear/Machine-Learning

Machine learning projects i have done so far in various training program and at the University.

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

AnuragMishra2311/225-Bird-Classification

CNN to classify birds belonging to 225 classes using transfer learning.

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

melikabarzegaran/tavanyar-algorithm

Language: Kotlin - Size: 2.1 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

fredrikwahlberg/das2018

Code for the paper "Gaussian Process Classification as Metric Learning for Forensic Writer Identification", published at DAS 2018

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

filangelos/distance-metrics

Imperial College London EE4-68 Pattern Recognition Coursework 2

Language: Python - Size: 930 KB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 4

krishnaura45/predict-obesity-levels

Multi-Class Classification of Obesity Risk using Lifestyle and Health Factors

Size: 44.9 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 1 - Forks: 0

AnjaliDharmik/Skin-Disease-Text-Classification

Skin Disease Text Classification uses NLP to categorize dermatology texts for diagnosis and research. Challenges include complex terms, data scarcity, class imbalance, and privacy concerns. It aids diagnosis, clinical support, and telemedicine.

Language: Jupyter Notebook - Size: 3.58 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

inoueakimitsu/milwrap

Wrapping single instance learning algorithms for fitting them to data for multiple instance learning

Language: Jupyter Notebook - Size: 634 KB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

abhiverse01/Binary-Multi-CNN-CIFAR10

Contains my project code for two CNN models, one trained for binary classification while the other made for multi-class classification. It utillises the CIFAR-10 dataset.

Language: Python - Size: 28.3 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

malt-iro/Emotions_classification_DeepLearning

The aim of this project is to build a multi-class classification model which will be trained on tweets that convey one of the following emotions: joy, sadness, anger or fear. The task is also a single-label classification since each sample requires one label (emotion).

Language: Jupyter Notebook - Size: 551 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

chandra-ps612/Satellite_Image_Classification_Model

Computer Vision and Deep Learning

Language: Jupyter Notebook - Size: 241 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

KashifMoin1410/DigitClassification

The Convolutional Neural Network is utilized in a Deep Learning model to accurately predict numbers in images. This model is designed to efficiently analyze and process visual data. Through the use of advanced algorithms and image processing techniques, the model is capable of accurately identifying and predicting numbers within images.

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

aaaastark/Intrusion-Detection-System-MQTT-Enabled-IoT

Intrusion Detection System for MQTT Enabled IoT.

Size: 1.55 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Vidhi1290/ScienceQA-Insights-Exploring-with-LLMs

Predictive Text Analysis project! This repository contains code for predicting answers to science exam questions using advanced natural language processing techniques. Check out the code and results!

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

Luisrosario2604/Pattern-recognition-4

CNN (Convolutional Neural Network) for 4 types of images

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

Luisrosario2604/Pattern-recognition-3

Construct a multi-class classifier with 50+ features

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

Luisrosario2604/Pattern-recognition-2

Multi-class classifier with only 2 features for MNIST Database.

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

DhruvSrikanth/Boosting-Theory

A collection of papers produced on the theory of boosting as applied to binary classification. Further extensions to the multi-class classification problem and necessary and sufficient conditions to ensure boostability i.e. weak learning conditions. Finally, an overview over boosting algorithms and models employed in industry.

Size: 638 KB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

mirandabohm/Sentiment_Analysis_Classifier

A multi-class classifier capable of determining sentiment, built in Keras. This stacked LSTM uses GloVe pre-trained word vectors and is trained on Twitter data from 2017

Language: Python - Size: 1.38 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

deepankarvarma/Ratings-Prediction-from-Reviews-Using-Classification

This repository contains the code for a rating review classification project that was submitted for the Kaggle Wars competition hosted by ACM Thapar. The project aims to classify reviews based on their rating, using data pre-processing and a convolutional neural network (CNN) model.

Language: Jupyter Notebook - Size: 1.78 MB - Last synced at: 12 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

heisenberg141/Deep-Learning-from-scratch

In this repository, I have showcased implementation of deep learning methodologies and architectures using Python and Numpy

Language: Python - Size: 8.81 MB - Last synced at: 27 days ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

jose-gilberto/deeptime

Set of deep learning models for supervised and semi-supervised learning tasks using time series. The models include tasks of multi-class classification, one-class classification, representation learning and derivatives. All models are based on PyTorch.

Language: Python - Size: 686 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

pilarcode/action-recognition-in-videos

Action Recognition in youtube videos where people dance ballet, break, waltz and flamenco💃. #multiclass_classification

Language: Python - Size: 5.58 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 1

mpaques269546/codebrim_challenge

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

angel870326/XLNet_Text_Classification

XLNet Multi-class Text Classification for Chinese and English (available for both multi-label and single-label classification)

Language: Jupyter Notebook - Size: 1.71 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

hfpmatheus/airbnb_new_user_bookings

This project aims to predict where the first booking of new Airbnb users will be. It's a multiclass classification problem.

Language: Jupyter Notebook - Size: 31.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

OlaPietka/Decision-Tree-from-scratch

Decision tree classifier for multi-class classification WITHOUT any advanced libraries like Pandas, Numpy, Scikit-learn, etc.

Language: Python - Size: 10.7 KB - Last synced at: 12 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

aifenaike/Probabilistic-Lithology-Characterization

A probability based approach to characterize lithology using drilling data and Random Forests

Language: Jupyter Notebook - Size: 547 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1

MarwanMashra/Aerial_Challenge

Building a CNN with Tensorflow to solve Aerial Challenge, which is a multi-class geographic image classification challenge on CodaLab,

Language: Jupyter Notebook - Size: 4.43 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

Paulinos739/ClassifyDrawingCategory

Multi-Class Classification to analyze architectural drawings

Language: Python - Size: 1.37 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

madvid/42_DSLR

Basic project about logistic regression. The goal is to implement from scratch a One vs All model. [Machine Learning] + [Supervised Learning] + [One vs All model]

Language: Jupyter Notebook - Size: 3.09 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

guptaaniket261/Machine-Learning-Assignments

Assignments in Machine Learning Course (COL774)

Language: Python - Size: 32.6 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

AshishBodhankar/Image_Classification_Kaggle_FGVC21

Finetuned pretrained-CNN architectures on Kaggle's FGVC21 plant pathology dataset (Implemented in Keras)

Language: Jupyter Notebook - Size: 19.6 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

PatelRis/AgroML

ML+DL based Web application for solving agriculture 👨‍🌾problems

Language: Jupyter Notebook - Size: 26.2 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

DPershall/Computer_Vision_System_Dry_Beans

This data set is provided by the UCI Machine Learning Repository at the following web address. https://archive.ics.uci.edu/ml/datasets/Dry+Bean+Dataset

Language: R - Size: 1.09 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Ankit152/TrafficSignal

A deep learning model to classify Traffic Signals.

Language: Python - Size: 4.78 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

shejz/AI-for-Medicine

Applying AI to medical use cases: Diagnoses of lung and brain disorders, Building risk models and survival estimators for heart disease via RF, and Using NLP to extract information from radiology reports.

Language: Jupyter Notebook - Size: 8.27 MB - Last synced at: 12 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

YaserMarey/ads_aggregator

An aggregator that collects and classifies Car ads published mostly in the Arabic language on four major websites in Egypt and KSA.

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

sanaamironov/CMSC478-MachineLearning

This course covers fundamental concepts, methodologies, and algorithms related to machine learning taught by Fereydoon Vafaei

Language: Jupyter Notebook - Size: 3.43 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

dilarakarabey/customer-device-prediction

Multi-class classification with deep learning in order to predict device categories of e-commerce customers.

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

pradeepdev-1995/BERT-models-finetuning

BERT (Bidirectional Encoder Representations from Transformers) is a transformer-based method of learning language representations. It is a bidirectional transformer pre-trained model developed using a combination of two tasks namely: masked language modeling objective and next sentence prediction on a large corpus.

Language: Python - Size: 124 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

vamc-stash/Artificial-Neural-Networks

Implemented regression, binary classification, multi-class classification ANNs

Language: Jupyter Notebook - Size: 3.7 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

sumansid/Sign-Language-Recognition

A deep learning model that recognizes hand gestures for alphabets. Trained using tensorflow, with activation function : RELU and Softmax (for multi-class classification).

Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

nlucian/bayesian_neural_network_vs_nn

Binary and multiclass comparison of Bayesian Neural Network and Simple Neural Network

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

yashprakash13/Weed-Detection-Kaggle

A keras multiclass classification on Kaggle Weed Detection Dataset

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

saman-nia/MultiClass-Classification

Deep Learning VS. Machine learning

Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

ZeyuKeithFu/HandwrittenDigits-SVM

A kernel SVM practice on MNIST handwritten digits image dataset.

Language: MATLAB - Size: 6.04 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

cetinsamet/movie-genre-classification

Movie genre classification form movie subtitles

Language: Python - Size: 4.05 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

Related Topics
machine-learning 74 python 43 deep-learning 42 tensorflow 25 classification 24 keras 18 logistic-regression 17 text-classification 17 data-science 17 binary-classification 15 neural-network 15 computer-vision 14 image-classification 14 convolutional-neural-networks 13 jupyter-notebook 13 multi-label-classification 13 cnn 12 support-vector-machines 11 random-forest 11 transfer-learning 11 nlp 11 pytorch 11 neural-networks 11 bert 10 keras-tensorflow 10 deep-neural-networks 9 natural-language-processing 9 svm 8 linear-regression 8 machine-learning-algorithms 7 sklearn 7 cnn-classification 7 anomaly-detection 7 python3 6 kaggle-competition 6 lstm 6 k-means-clustering 6 scikit-learn 5 kaggle-dataset 5 tensorflow2 5 lstm-neural-networks 5 artificial-intelligence 5 nlp-machine-learning 5 data-visualization 5 supervised-learning 4 transformers 4 roberta 4 vgg16 4 distilbert 4 rnn 4 artificial-neural-networks 4 embeddings 4 pca 4 flask 4 image-segmentation 4 large-language-models 4 imbalanced-data 4 confusion-matrix 4 exploratory-data-analysis 4 sentiment-analysis 3 random-forest-classifier 3 resnet-50 3 gradient-boosting 3 kmeans-clustering 3 knn-classifier 3 regularized-linear-regression 3 matlab 3 svm-classifier 3 recommender-system 3 mnist 3 binary 3 data-analysis 3 fashion-mnist 3 principal-component-analysis 3 bert-model 3 multiclass-classification 3 satellite-imagery 3 data-preprocessing 3 ensemble-learning 3 image-processing 3 colab-notebook 3 online-learning 3 medical-imaging 3 unsupervised-learning 3 xgboost 3 one-vs-rest 3 decision-trees 3 kaggle 3 visualization 2 ensemble 2 classification-algorithm 2 knn-algorithm 2 airbnb 2 sql 2 model-deployment 2 feature-importance 2 signal-processing 2 feature-engineering 2 binary-classificaiton 2 time-series 2