sigmoid-function
There are 126 repositories under sigmoid-function topic.
harismuneer/Handwritten-Digits-Classification-Using-KNN-Multiclass_Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Ankushr785/Emotion-recognition-from-tweets
A comprehensive approach on recognizing emotion (sentiment) from a certain tweet. Supervised machine learning.
JuliaSzymanska/Artificial-Intelligence
Implementing Artificial Neural Network training process in Python
dataplayer12/swish-activation
Repo for my blogs explaining swish activation function
KhaledAshrafH/Logistic-Regression
This program implements logistic regression from scratch using the gradient descent algorithm in Python to predict whether customers will purchase a new car based on their age and salary.
aysebilgegunduz/FeedFwBackProp
Simple multi layer perceptron application using feed forward back propagation algorithm
srilakshmi-thota/IRIS-DATASET-ANALYSIS-USING-NEURAL-NETWORK
Neural Network with functions for forward propagation, error calculation and back propagation is built from scratch and is used to analyse the IRIS dataset.
AFAgarap/vanishing-gradients
Avoiding the vanishing gradients problem by adding random noise and batch normalization
Zahra-Bakhtiari/Building-Deep-Neural-Network-Step-by-Step-Instruction
building a deep neural network with as many layers as you want!
11808s8/python-neural-network
A simple neural network with backpropagation used to recognize ASCII coded characters
AI-Expert-04/Mario_DeepLearing
유전알고리즘과 인공신경망을 활용허여 마리오 학습
mb11797/Image_Recognition_Cat_vs_Non-Cat_Pytorch
A classifier to differentiate between Cat and Non-Cat Images
barathvaj/Machine-Learning-From-Scratch-CodingChallenge
Implement Linear Regression, Logistic Regression, Neural networks and many other
bhattbhavesh91/activiation-functions
Simple Tutorial to Explain the Pros and Cons of Sigmoid Activation Function
hadpro24/scratch-binary-linear-classification
binary linear classification from scratch with sigmoid function based gradient decente
Krishnateja244/Vanishing_Gradient
This repository helps in understanding vanishing gradient problem with visualization
alevkov/rbnet
A neural network implementation in Ruby.
beingbat/neural-nets
Neural Networks from scratch (Inspired by Michael Nielsen book: Neural Nets and Deep Learning)
Best-Brain-Gang/twitter_sentiment_analysis
This uses NLP sentiment analysis to analyze the Twitter data and the behaviour of stock prices particularly for Blizzard and CodeProjekt Red.
binglel/mnist_bp
mnist data training and testing with back propagation
matheuscamposmt/nn-from-scratch
Development of a Neural Network from scratch to predict divorce in marriages.
MaverickTse/SigDecontrastAviutl
Sigmodial decontrast interface with IM backend
melchisedech333/xor-neural-network
🤖 Artificial intelligence (neural network) proof of concept to solve the classic XOR problem. It uses known concepts to solve problems in neural networks, such as Gradient Descent, Feed Forward and Back Propagation.
PratikhyaManas/Credit-Card-Frauid-Detection-using-Deep-Learning
The objective of this project is to identify the fraudulent transactions happening in E-Commerce industry using deep learning.
sadighian/hand_crafted_models
Popular predictive models and optimizers implemented in pure Python.
Umartahir93/Digit-Recognition-Using-Perception-Learning-sigmoid-activation-function-and-GA
All pair approach to recognize handwritten digits based on the MNIST dataset.
yashsehgal/sigmoid-function-cpp
This is an example machine learning programming using C++. I have created an example of Sigmoid function in C++.
bithabib/deep_learning_tutorial
Learn the fundamentals of building an Artificial Intelligence (AI) powered Neural Network using Python in this comprehensive tutorial. Discover the step-by-step process of designing, training, and fine-tuning a neural network to make accurate predictions on various data sets.Master the essential concepts of deep learning and unleash the power of AI
inyoungoh-cde/PointNet_PointNet2_binary_pytorch
This repo is implementation for PointNet and PointNet++ for binary (0 or 1) in pytorch.
misskiran/eyrc23_GG_2663
This repo contains our Tasks that we have performed while competing in Eyantra Contest 2023 conducted by IIT Bombay
nazli-d/Binary-Classification-Using-CNN
This project utilizes a CNN model to classify cat and dog images through training and testing processes. The model is created using the Keras library on the TensorFlow backend.
priyal6/Credit-Card-Fraud-Detection
Credit card fraud detection is the process of identifying and preventing unauthorized or fraudulent use of credit cards. It is a critical aspect of the financial industry, as it helps to safeguard both the cardholder and the card issuer from losses due to fraudulent activity.
Safaa-p/Backpropagation-function
Backpropagation in neural networks
Shreyas9699/Toxic-Comments-Classifier-cpp
The Toxic Comments Classifier is a robust machine learning tool implemented in C++ designed to identify toxic comments in digital conversations. Featuring a custom-built multi-layer perceptron (MLP) architecture with multiple layers and nodes, this project enhances the understanding of the learning processes involved in machine learning.