GitHub topics: softmax-classifier
gyrdym/ml_algo
Machine learning algorithms in Dart programming language
Language: Dart - Size: 9.49 MB - Last synced at: 14 days ago - Pushed at: about 1 month ago - Stars: 192 - Forks: 31

dpb44/Exploring-the-Intuition-of-Neural-Networks-on-a-Classification-Problem-Using-Only-NumPy
Implementing a softmax-based neural network from scratch using NumPy to classify the Iris dataset, leveraging vectorization, gradient descent, and decision boundary visualization.
Language: Jupyter Notebook - Size: 234 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

zhangjc714/TE
本科毕业设计 - 基于数据解析的化工生产过程诊断
Language: Python - Size: 43.2 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 12 - Forks: 1

RubixML/HAR
Recognize one of six human activities such as standing, sitting, and walking using a Softmax Classifier trained on mobile phone sensor data.
Language: PHP - Size: 23.9 MB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 22 - Forks: 7

spsingh37/Image-classification
This project explores image classification on the PROPS Classification Dataset. It includes K-Nearest Neighbors, Support Vector Machine, and Softmax classifiers, and two-layer and multi-layer neural networks. The goal is to build a machine learning pipeline, experiment with optimizers, and evaluate model performance.
Language: Jupyter Notebook - Size: 15.5 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

kirschte/dphelmet
Distributed DP-Helmet: Scalable Differentially Private Non-interactive Averaging of Single Layers
Language: Python - Size: 32.2 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

lowhung/regression-regularization
Algorithms for logistic regression, including regularization, soft-max loss and classifier
Language: Python - Size: 861 KB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

elliotwaite/softmax-logit-paths
Plots how the logit values that are passed into the softmax function change over time as the model is trained.
Language: Python - Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 3

neeraj1397/Radiography-Based-Diagnosis-Of-COVID-19-Using-Deep-Learning
Developed a Convolutional Neural Network based on VGG16 architecture to diagnose COVID-19 and classify chest X-rays of patients suffering from COVID-19, Ground Glass Opacity and Viral Pneumonia. This repository contains the link to the dataset, python code for visualizing the obtained data and developing the model using Keras API.
Language: Jupyter Notebook - Size: 1.22 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

srinadhu/Image_Classification_Pipeline
Image Classification pipeline for CIFAR-10 dataset based on K-NN, Svm, Softmax and 2-layer Neural Net Classifiers
Language: Jupyter Notebook - Size: 990 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

jElhamm/Multiclass-SVM-Softmax-Classifier
"This program trains a model using 'SVM' or 'Softmax' and predicts the input data. Loss history and predicted tags are displayed as results."
Language: Python - Size: 362 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MaliciousMonk45456/Customer-Segmentation
Applying a softmax based neural network to predict customer category
Language: Jupyter Notebook - Size: 133 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

gksoriginals/softmax-classifier-implementation
This is a naive implementaion of softmax classifier with cross entropy loss functioon
Language: Python - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 2

DenryDu/cs231n_Assignment1
斯坦福大学cs231n课程的第一项作业之我的解答。Solution for Assignment1 (Images classification, kNN, SVM, SoftMax, FullyConnected Neural Network)
Language: Jupyter Notebook - Size: 660 KB - Last synced at: 23 days ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

amirhfarzaneh/lsoftmax-pytorch
The Pytorch Implementation of L-Softmax
Language: Python - Size: 138 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 185 - Forks: 37

Sitaras/Twitter-Covid-Vaccination-Data-Sentiment-Analysis
🦠| Sentiment analysis on tweets about covid-19 vaccinations using Soft-max Regression, FNN, RNN and BERT-Base-uncased.
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

srinadhu/CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: 11 months ago - Pushed at: almost 7 years ago - Stars: 40 - Forks: 23

ayesha92ahmad/SVM-Softmax-Classifier-CIFAR10-dataset
Read and process CIFAR10 dataset, implement SVM and Softmax classifiers, train , and also tune up hyper parameters.
Language: Python - Size: 632 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 2

FelixHo/Simple-ML-Algorithm
Simple implementation of general machine learning algorithms
Language: Python - Size: 11.7 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

imraviagrawal/compsci682-DeepLearning
Implementation of Deep Learning algorithm from scratch
Language: Jupyter Notebook - Size: 35.3 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

dlwsdqdws/MLP_Data_Classification
A data classification using MLP
Language: Python - Size: 2.68 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

sashakttripathi/MNIST-Softmax-Classification
Image classifier which classifies MNIST database of handwritten digits 0-9 using 28x28 pixel images
Language: Python - Size: 35.2 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

AdityaTheDev/Covid-19-Prediction-Using-CNN
Convolution Neural Network to predict Covid-19. This is a CNN model which predicts whether you have Healthy or you have Coronavirus or you have Pneumonia. I implemented CNN from Scratch and I implemented VGG-16 architecture. This model takes your CT scan report as input and will tell you the result. This Convolutional layer Connects to DeepNeuralNetwork. I found this image dataset(CT scan of patients) online and trained the model for 70 epochs using Softmax function in the output layer. If I had got a much more large image dataset(CT scan of patients) then I could have increased the accuracy a bit more. This model has the potential to become a breakthrough invention in the field of medical industry.
Language: Jupyter Notebook - Size: 200 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

gayanku/NBC-Softmax
Code for the Paper : NBC-Softmax : Darkweb Author fingerprinting and migration tracking (https://arxiv.org/abs/2212.08184)
Language: Python - Size: 234 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Yskandar/Softmax_classifier_and_KNN_from_scratch
In this project, I implement a softmax classifier and a K-nearest-neighbor algorithm from scratch and train them. I do not use any DL library, only classic math libraries are required (numpy, math, mathplotlib...).
Language: Jupyter Notebook - Size: 305 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

aawadall/Deep-Learning
My attempt to implement a generic deep learning platform using Python
Language: Jupyter Notebook - Size: 102 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

RanjeetKumbhar01/MNIST-Handwritten-Digits-Classification-using-Deep-Learning
MNIST Handwritten Digits Classification using Deep Learning with accuracy of 0.9944
Language: Jupyter Notebook - Size: 46.9 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

JuanDa14Sa/Iris-Softmax-no-sklearn
Classifier Iris dataset with softmax from scratch
Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

HillidatulIlmi/EDA-and-Deep-Learning-CNN-Fruit-Classification-Predictions
Classifying fruit types using a deep learning method, namely Convolutional Neural Network (CNN/ConvNet), which is a type of artificial neural network that is generally used in image recognition and processing. And carry out the process of improvement mode with transfer learning.
Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 2

SameetAsadullah/cs231n-Softmax-Classifier-on-Cifar10-Dataset
Applied Softmax Classifier on Cifar10 Dataset
Language: Python - Size: 158 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

TiwariLaxuu/Pytorch-Practice
Language: Jupyter Notebook - Size: 2.79 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

jajokine/Digit-Recognizer
MITx - MicroMasters Program on Statistics and Data Science - Machine Learning with Python - Second Project
Language: Python - Size: 85.9 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Ishan7390/NN_fashMNIST
Neural Network to predict which wearable is shown from the Fashion MNIST dataset using a single hidden layer
Language: Python - Size: 1.95 KB - Last synced at: 11 days ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

cryptomanic/DeepLearningBasics
Just exploring Deep Learning
Language: Jupyter Notebook - Size: 1.12 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

ndvinh98/CS331.K11-FlowersClassification
Classifying the following 5 types of flowers: Rose, Daisy, Dandelion, Sunflower and Tulip
Language: Jupyter Notebook - Size: 86.9 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

prachi220/Diabetic-Retinopathy-Detection
Language: Python - Size: 102 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Harshpatel44/Softmax-classifier-Network
Repository contains neural network for classification using softmax as an activation function
Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

radoslawregula/iris-classification
Jupyter notebook implementing an efficient machine learning method to classify flowers from the Iris data set.
Language: Jupyter Notebook - Size: 110 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

matheusbfernandes/mini_batch_neural_net
rede neural totalmente conectada, utilizando mini-batch gradient descent e softmax para classificação no dataset MNIST
Language: Python - Size: 15.8 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

dilettacal/neural_networks
Introduction to neural networks
Language: Jupyter Notebook - Size: 153 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

bhavish14/Sentiment-Analysis
Code Snippets for Sentiment Analysis Related Operations
Language: Python - Size: 83 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

windhaunting/image-classification
KNN, SVM, Neural network for image classification
Language: Jupyter Notebook - Size: 1.94 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0
