multiclass-logistic-regression
There are 37 repositories under multiclass-logistic-regression topic.
bamtak/machine-learning-implemetation-python
Basic Machine Learning implementation with python
jaaack-wang/gender-predictor
Predicting gender of given Chinese names (93~99% test set accuracy). 预测中文姓名的性别(93~99%的测试集准确率)。
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
kanwartaimoor/Classification
Multi class and Binary Classification through Logistic Regression and SVM
Escapist-007/ML_Projects
The projects are part of the graduate-level course CSE-574 : Introduction to Machine Learning [Spring 2019 @ UB_SUNY] . . . Course Instructor : Mingchen Gao (https://cse.buffalo.edu/~mgao8/)
ioangatop/MachineLearning
Implementation and analysis of core Machine Learning Algorithms from scratch.
farahsamat/classic-machine-learning
Using classic machine learning models - K-NN, Multiclass Logistic Regression, SVM and Random Forest to make predictions
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)
tuhinaprasad28/Image-Feature-Extraction-For-Classification
Image Classification, Image Feature Extraction, CNNs, Finetuning, Resnet18, Torchvision, Multi-Class Logistic Regression
akash1309/Toxic-Comment-Classification
An NLP model that can predict the probability for each type of toxicity of comments.
AlessioChen/Multi-Class-Logistic-Regression-with-Optimization-Methods
Implementation of Trust Region and Gradient Descent methods for Multinomial Regression
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.
aylint/log-reg-multi
Multiclass logistic regression implementation from scratch
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.
girirajv10/Logistic-Regression
Logistic Regression is a supervised learning algorithm that is used when the target variable is categorical. In Logistic Regression the target variable is categorical where we have to strict the range of predicted values. Consider a classification problem, where we need to classify whether an email is a spam or not. So we have to predict either 0 (for not spam) or 1 (for spam).
morikaglobal/ML_Logistic_Reression_WineQuality
Machine Learning Predictive model - Logistic Regression on the quality of red wine
romellfudi/dataset_currency
:dollar:Model Peruvian Bills (MLR, Mask, Inceptionv2) RCNN:euro:
soumyadeeptadas/EinNellTASK
Employee Task management and review system for EinNell Expound Hackathon 2019
yoyololicon/ML_HW2
My implementation of homework 2 for the Machine Learning class in NCTU (course number 5088).
abhirupray14/Logistic_Regression
Hand Written digit recognition by loading datasets from sklearn library
ArianJalalian/ML-Assigments
Machine Learning course instructed by Dr. Riahi, Fall 2023, Shahid Beheshti University
justashu/Image-Classifier-MNSIT-Dataset-
- Built a deep learning model from scratch, used the mathematical equations to implement algorithms in the model
may1sharma/Toxic-Content-Classification
Multilabel Classification of Wikipedia Talk comments for calculating Toxic behavior.
patpdstrr/Image_Prediction_Logistic_Regression
Image prediction model with logistic regression multiclass model, ML library as sklearn, Matplotlib using Python.
PyAshishMhatre/Covid19-tweets-sentiment-analysis
The project focuses on sentiment analysis of Coronavirus tweets NLP - Text Classification kaggle dataset
SakshithReddyChintala/Multiclass_logistics_classification_pipeline
Multiclass Logistic, Classification Pipeline, Cross Validation, Gradient Descent, Regularization
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.
AdarshSai/Image-Recognition-for-MNIST-data
Image Recognition using Python on MNIST dataset with the help of CNN, Multiclass Logistic Regression and SGD
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
martiny76/Multi-class-persian-text-classification-using-logistic-regression
A multi class persian text classification using logistic regression
shreyavshetty/TensorFlowPlayGround
Tensorflow codes written as part of Advanced Machine Learning Course Work
surajpulloor/Wine-Regression
Wine Name Recognition using Logistic Regression
tuhinaprasad28/Multiclass-Logistics-and-Classification-Pipelines
Multiclass Logistic, Classification Pipeline, Cross Validation, Gradient Descent, Regularization