linear-classification
There are 32 repositories under linear-classification topic.
snrazavi/Machine-Learning-in-Python-Workshop
My workshop on machine learning using python language to implement different algorithms
KimRass/CLIP
PyTorch implementation of 'CLIP' (Radford et al., 2021) from scratch and training it on Flickr8k + Flickr30k
thupchnsky/PoincareLinearClassification
Official implementation of Highly Scalable and Provably Accurate Classification in Poincaré Balls (ICDM regular paper 2021)
xmc-aalto/dismecpp
A software package for large-scale linear multilabel classification.
limalkasadith/OxfordIIITPet-classification
This repository contains a PyTorch implementation for classifying the Oxford IIIT Pet Dataset using KNN and ResNet. The goal is to differentiate the results obtained using these two approaches.
jaimedantas/perceptron-classification
Implementation of the perceptron algorithm on MATLAB for classification
thieu1995/mealpy-text-classification
Text classification with Machine Learning and Mealpy
mohammed-rampurawala/tensorflow_linear_classifcation
Linear classification problem with tensorflow (Using LNNClassifier and DNNClassifier)
fuzailpalnak/ML-Scratch
Implementation of various Machine Learning Algorithms and Machine Learning Concepts in Python
XavierCarrera/Tutorial-Machine-Learning-Clasificacion-Lineal
Con clasificación lineal podemos categorizar datos a partir de observaciones previas. Sus implementaciones va desde la detección de fraudes a segmentizar clientes. Acá te explico desde un punto matemático y teórico como se aplica. Además, hacemos una pequeña implementación.
ahmetpergamum/datascience
data science endeavour
Akshitvats026/Image-Classification-Digit-Detection
This project detects digits using CNNs and OpenCV. It includes image preprocessing, model training on MNIST, real-time detection, and evaluation with accuracy metrics. Built with Python, TensorFlow/Keras, and Flask for deployment. Clone, install dependencies, and start detecting digits! 🚀
AnonXarkA/Lung-Cancer-Detection-Using-Machine-Learning-Methods-Codes
Lung Cancer Detection Using Machine Learning Methods
cainmagi/tensorflow-guide
A Chinese guide book for learning Tensorflow from a starter.
detjonmataj/C-Perceptron
Implementation of a Simple Perceptron (Simplest Neural network by Frank Rosenblatt) in C based on the example given example in the Veritasium video.
nonkloq/ml-from-scratch
Machine Learning Algortihms from scratch.
Abuzariii/COVID-19-Vaccine-Effectiveness-by-Age-Groups
Analyzed the effectiveness of COVID vaccine on 8 different age groups and trained 5 classification machine learning models to check whether the the vaccine developed immunity in 100k people from an age group or not.
andgorser/Projects
Here you can find my practical works from ML course at MSU
jonperk318/machine-learning-in-python
ML models built from scratch in Python 3.9.13
joshivanhoe/sparsely
Scalable sparse linear models in Python
KyleZrey/membership-classification
Different machine learning approaches on classifying customers who are most likely to purchase an offer. Made with Jupyter Notebook, scikit-learn, and other helpful python packages.
n57cruz/n57cruz.portfolio
Nicole Cruz Portfolio
ThuraTunScibotics/Data-Science-and-Machine-Learning
This repository is my learning and practice of of essential concepts and framework-techniques for Data Science and Machine Learning.
yzdxstii/MachineLearning-Project-TabrizUniversity
machine learning using python language to implement different algorithms
DaryaDrondina/ML_Module-2
Linear classification. Logistic regression. Support vector machine.
Debashisa-5005966/Internship-Project
This Repository Contains all the Information and the Projects that I did at SAIL during my Internship
Helga-Helga/methods_of_artificial_intelligence
Laboratory works on Methods of Artificial Intelligence course
HoomKh/Softmax-classifier-implementation
This project demonstrates the implementation of a Softmax classifier from scratch, featuring both naive (loop-based) and vectorized versions for educational and performance comparison purposes. The implementation is based on CIFAR 10 dataset.
mark-antal-csizmadia/svm
Support Vector Machines (SVMs) from scratch, without dedicated packages, for the classification of linear and non-linear data.
PawelMarchel01/ML-algorithms-step-by-step-implementations
Step-by-step implementation of basic machine learning algorithms with performance comparisons against the sklearn implementation and solving classification and prediction problems.
TheArtificialDev/BangalorePricePrediction
Bengaluru House Price Prediction using Python (Scikit-Learn, Pandas, NumPy, Matplotlib, Seaborn). Machine learning predicts prices based on features like location, size, and bathrooms. Data preprocessing, Ridge Regression model, and evaluation metrics ensure accurate predictions. Clone, install, and run the script for precise Bengaluru house prices
WaleedK2000/pakistan-stock-exchange-predictor
A Flash based backend api which runs a liner classifier model to predict closing price.