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

Topic: "multiclass-logistic-regression"

bamtak/machine-learning-implemetation-python

Basic Machine Learning implementation with python

Language: Jupyter Notebook - Size: 2.67 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 63 - Forks: 48

ianscottknight/Musical-Genre-Classification-of-Song-Lyrics

Language: Python - Size: 14.3 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 21 - Forks: 5

jaaack-wang/gender-predicator

Predicting gender of given Chinese names (93~99% test set accuracy). 预测中文姓名的性别(93~99%的测试集准确率)。

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

sandipanpaul21/Logistic-regression-in-python

Logistic Regression technique in machine learning both theory and code in Python. Includes topics from Assumptions, Multi Class Classifications, Regularization (l1 and l2), Weight of Evidence and Information Value

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

kanwartaimoor/Classification

Multi class and Binary Classification through Logistic Regression and SVM

Language: Python - Size: 165 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

SaniyaAbushakimova/A-Study-of-Sigmoid-based-Multi-class-Logistic-Regression

Investigated how multi-class logistic regression would perform if the activation function was changed from softmax to sigmoid. It included mathematical analysis and empirical evaluation, such as rewriting the model from scratch. Tech: Python (scikit-learn, pandas)

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

amanraj209/CIFAR10_Models

Language: Python - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

MohamedIMAbdelal/BookingPredictor

This project aims to predict customer booking behaviors by classifying them into three categories: Booked and Canceled Booked and Checked Out Booked and Did Not Show

Language: Python - Size: 36.3 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 2

Enzo2806/Logistic-Multiclass

We investigated the performance of the Logistic and Multiclass Regression models and compared their accuracies to KNN. We compared Logistic Regression and KNN based on the "IMdB reviews" dataset, while Multiclass Regression and KNN were compared based on the "20 news groups" dataset.

Language: Jupyter Notebook - Size: 444 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

romellfudi/dataset_currency

:dollar:Model Peruvian Bills (MLR, Mask, Inceptionv2) RCNN:euro:

Language: Jupyter Notebook - Size: 78.3 MB - Last synced at: 7 days ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

tuhinaprasad28/Image-Feature-Extraction-For-Classification

Image Classification, Image Feature Extraction, CNNs, Finetuning, Resnet18, Torchvision, Multi-Class Logistic Regression

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

soumyadeeptadas/EinNellTASK

Employee Task management and review system for EinNell Expound Hackathon 2019

Language: HTML - Size: 105 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

morikaglobal/ML_Logistic_Reression_WineQuality

Machine Learning Predictive model - Logistic Regression on the quality of red wine

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

annapecini/Skin-Cancer-Classification

This is the term project for the Mathematical Foundations of Data Science course in Bilkent University. The aim of this project is to automatically diagnose skin cancer from images.

Language: Jupyter Notebook - Size: 663 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

akash1309/Toxic-Comment-Classification

An NLP model that can predict the probability for each type of toxicity of comments.

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

ioangatop/MachineLearning

Implementation and analysis of core Machine Learning Algorithms from scratch.

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

farahsamat/classic-machine-learning

Using classic machine learning models - K-NN, Multiclass Logistic Regression, SVM and Random Forest to make predictions

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

AlessioChen/Multi-Class-Logistic-Regression-with-Optimization-Methods

Implementation of Trust Region and Gradient Descent methods for Multinomial Regression

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

patkidorah/Image_Prediction_Logistic_Regression

Image prediction model with logistic regression multiclass model, ML library as sklearn, Matplotlib using Python.

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

SakshithReddyChintala/Multiclass_logistics_classification_pipeline

Multiclass Logistic, Classification Pipeline, Cross Validation, Gradient Descent, Regularization

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

santiagoahl/dry-beans-classification

Here we built a multinomial logistic regression classifier with scikit-learn. It takes numerical data of a bean an predicts which class does it belong to.

Language: Jupyter Notebook - Size: 3.65 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

justashu/Image-Classifier-MNSIT-Dataset-

- Built a deep learning model from scratch, used the mathematical equations to implement algorithms in the model

Language: Jupyter Notebook - Size: 6.39 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

PyAshishMhatre/Covid19-tweets-sentiment-analysis

The project focuses on sentiment analysis of Coronavirus tweets NLP - Text Classification kaggle dataset

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

EriSilver/Stanford-machineLearning-EX3-HandwrittenDigitRecognition

Handwritten Digit Recognition by 2 methods: - Multi-class classification (oneVsAll) - Neural Network ---- OCTAVE -- the exercise details are in ex3.pdf

Language: MATLAB - Size: 7.37 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

somjit101/NLP-StackerOverflow-Tag-Prediction

A multi-class classification problem where the objective is to read a question posted on the popular reference website, StackOverflow and predict the primary topics it deals with, i.e. tags which the question will be associated with.

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

martiny76/Multi-class-persian-text-classification-using-logistic-regression

A multi class persian text classification using logistic regression

Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

abhirupray14/Logistic_Regression

Hand Written digit recognition by loading datasets from sklearn library

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

yoyolicoris/ML_HW2

My implementation of homework 2 for the Machine Learning class in NCTU (course number 5088).

Language: Python - Size: 773 KB - Last synced at: 6 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Related Topics
logistic-regression 12 machine-learning 11 python 7 classification 6 multiclass-classification 5 nlp 4 svm-classifier 3 database 2 python3 2 l2-regularization 2 l1-regularization 2 jupyter-notebook 2 neural-network 2 tf-idf 2 svm 2 support-vector-machines 2 multiclass 2 sentiment-analysis 2 random-forest 2 multiclass-gda-implementation 1 word-tokenizing 1 dry-beans-dataset 1 machine-learning-algorithms 1 logistic-regression-scratch 1 linear-regression 1 gridsearchcv 1 smote 1 octave 1 azureml 1 azuremlstudio 1 k-means-implementation-in-python 1 azuresql 1 azuresynapse 1 analytics 1 nlp-machine-learning 1 mxm 1 music 1 lyrics 1 lastfm 1 genre-classification 1 genre 1 tfidf 1 persian-nlp 1 persian 1 multinomial-naive-bayes 1 wrapper-me 1 perceptron-algorithm 1 newton-method 1 naive-bayes-implementation 1 bayesian-linear-regression 1 aaai 1 research 1 statistical-learning 1 armijo 1 armijo-condition 1 cauchy-point 1 line-search 1 mlr 1 optimization 1 optimization-algorithms 1 trust-region 1 trust-region-optimization 1 bills 1 inceptionv2 1 mask-rcnn 1 peru 1 dataengineering 1 datavisualization 1 powerpi 1 ssis 1 ssms 1 bag-of-words 1 countvectorizer 1 multi-class-classification 1 natural-language-processing 1 one-vs-rest 1 onevsrestclassifier 1 stackoverflow-tags 1 stemming 1 text-mining 1 tfidf-vectorizer 1 word-cloud 1 bayesian-inference 1 image-feature-extraction 1 resnet-18 1 torchvision 1 cifar-10 1 softmax-regression 1 employee-management-system 1 hackathon 1 task-management 1 elastic-net-regression 1 information-value 1 lasso-regression 1 logistic-regression-assumptions 1 regularization 1 ridge-regression 1 weight-of-evidence 1 sentiment-classification 1 classification-algorithm 1