linear-classifier
There are 62 repositories under linear-classifier topic.
hyzhak/cs231n-lecture-notes
my lecture notes of cs231n of Andrej Karpathy
deepcollege/deeplearning
deeplearning tour
brunonishimoto/linear-classifier
A simple linear classifier using CIFAR-10 dataset
jhadpk/CSCI567
Implementation of Machine Learning algorithms using Python3.
Wickstrom/pattern-recognition-handbook
Material for the Pattern Recognition course FYS-3012 at UiT The Arctic University of Norway
ArashAkbarinia/DeepTHS
A framework to compute threshold sensitivity of deep networks to visual stimuli.
serhiidankovych/perceptron-algorithm
The Perceptron algorithm is a fundamental linear classifier used to model binary relationships. This implementation focuses on the logical implication x1 → (x2 ∨ x3)
Zer0-Bug/ML_PerceptronAlgorithm
Implement a classification task using the Perceptron learning algorithm.
antonio-f/TensorFlow2_digits_classification-Linear_Classifier-MLP
TensorFlow2 digits classification - Linear Classifier and MLP
Luisrosario2604/Pattern-recognition-1
Linear classifier using logistic regression with only 2 features for MNIST Database.
MJAHMADEE/Machine-Learning-and-Fault-Detection
Machine Learning and Fault Detection
unvercanunlu/loss-function-comparison-pytorch
Comparison of common loss functions in PyTorch using MNIST dataset
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.
Ahmed-Mohsen-2005/Cybersecurity-Anomaly-Detection
This repository presents a machine learning project for detecting and classifying cybersecurity threats in network traffic. It involves data preprocessing, feature engineering, and the implementation of various models to accurately identify both normal activity and multiple types of attacks such as DDoS, DoS, and MITM.
armanr99/MultiprocessEnsembleClassifier
An implementation of an Ensemble classifier of Linear classifiers using multiple processes
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.
EthanJamesLew/Cats-And-Dogs-Demo
STAT 671 Cats and Dogs Classifier Demo
hidiryuzuguzel/Wine-Quality-Prediction
ANN model which predicts wine quality
Luisrosario2604/Pattern-recognition-2
Multi-class classifier with only 2 features for MNIST Database.
M-Adil-AS/Perceptron-Learning
Binary Linear Classifier - AI Supervised Algorithm
matez0/decide-raw
Generating decision making algorithms by evolutionary / genetic algorithm
probro27/perceptron
A Python library to implement the perceptron algorithm and possibly visualize it.
Reza-Marzban/KDTree_and_linear_classifier
Implementation of KDTree from scratch and implement kdtree classifier and linear classifier on two different datasets.
RishabhKothaari/Neural-Network
MNIST digit classification with a Neural Network.
RolandoAndrade/linear-classifier
Ejemplo de clasificador lineal usando el perceptrón tradicional
Sagarnandeshwar/Text_Classification_Misinformation
Natural Language Processing (COMP 550) Project
sherwyn11/Skylearn.py
A simple Flask application for data preprocessing, visualization and classification
Yashmenaria1/IBM-Al-Engineering-Al-Capstone-Project-with-Deep-Learning
Al-Engineering-Al-Capstone-Project-with-Deep-Learning-
ymubarak/cs421-data-mining
CS421: Data-Mining Course, Faculty of Engineering, Alexandria University
Akshitvats026/Crop_Recommentation_System
An intelligent web application that suggests the most suitable crop to grow based on soil type, temperature, humidity, and rainfall. A project integrated with a machine learning model for accurate recommendations.
jdtumlinson/naiveBayes
This repository contains the code for the Naive Bayes and Neural Networks assignment for CS434 Machine Learning and Data Mining at Oregon State University during Fall of 2024.
Martin-Ansteensen/TTT4275-Classification-project
Project in TTT4275 - Estimation, Detection and Classification, investigating classification of two classical datasets: Iris and MNIST
auralius/arduino-linear-classifier
Linear classifiers (SVM and softmax) inside an Arduino device
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.