Topic: "sigmoid-function"
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.
Language: Python - Size: 13 MB - Last synced at: 22 days ago - Pushed at: 3 months ago - Stars: 62 - Forks: 18

Ankushr785/Emotion-recognition-from-tweets
A comprehensive approach on recognizing emotion (sentiment) from a certain tweet. Supervised machine learning.
Language: Python - Size: 122 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 17 - Forks: 8

JuliaSzymanska/Artificial-Intelligence
Implementing Artificial Neural Network training process in Python
Language: Python - Size: 1.84 MB - Last synced at: 19 days ago - Pushed at: almost 5 years ago - Stars: 15 - Forks: 2

dataplayer12/swish-activation
Repo for my blogs explaining swish activation function
Language: HTML - Size: 17.3 MB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 3

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.
Language: Python - Size: 12.7 KB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 3

deep0892/ml_modeling
Language: Jupyter Notebook - Size: 380 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 0

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.
Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

aysebilgegunduz/FeedFwBackProp
Simple multi layer perceptron application using feed forward back propagation algorithm
Language: Python - Size: 22.5 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 2

AI-Expert-04/Mario_DeepLearing
μ μ μκ³ λ¦¬μ¦κ³Ό μΈκ³΅μ κ²½λ§μ νμ©νμ¬ λ§λ¦¬μ€ νμ΅
Language: Python - Size: 29.5 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

AFAgarap/vanishing-gradients
Avoiding the vanishing gradients problem by adding random noise and batch normalization
Language: Python - Size: 175 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

11808s8/python-neural-network
A simple neural network with backpropagation used to recognize ASCII coded characters
Language: Python - Size: 6.12 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

matheuscamposmt/nn-from-scratch
Development of a Neural Network from scratch to predict divorce in marriages.
Language: Python - Size: 45.9 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

hadpro24/scratch-binary-linear-classification
binary linear classification from scratch with sigmoid function based gradient decente
Language: Jupyter Notebook - Size: 241 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

bhattbhavesh91/activiation-functions
Simple Tutorial to Explain the Pros and Cons of Sigmoid Activation Function
Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: 13 days ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 5

alevkov/rbnet
A neural network implementation in Ruby.
Language: Ruby - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

mb11797/Image_Recognition_Cat_vs_Non-Cat_Pytorch
A classifier to differentiate between Cat and Non-Cat Images
Language: Python - Size: 6.07 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 0

akomarla/predict_npi_bugs
Predict number of JIRA bugs in SSD engineering dev process as a proxy for market readiness
Language: Python - Size: 4.06 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

Siddhipatade/Activation-function
Activation Function
Language: Jupyter Notebook - Size: 118 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 1

beingbat/neural-nets
Neural Networks from scratch (Inspired by Michael Nielsen book: Neural Nets and Deep Learning)
Language: Python - Size: 31.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

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.
Language: JavaScript - Size: 292 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

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.
Language: Jupyter Notebook - Size: 26.5 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

sadighian/hand_crafted_models
Popular predictive models and optimizers implemented in pure Python.
Language: Python - Size: 24.4 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

binglel/mnist_bp
mnist data training and testing with back propagation
Language: Python - Size: 11 MB - Last synced at: 9 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

yashsehgal/sigmoid-function-cpp
This is an example machine learning programming using C++. I have created an example of Sigmoid function in C++.
Language: C++ - Size: 16.6 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

Umartahir93/Digit-Recognition-Using-Perception-Learning-sigmoid-activation-function-and-GA
All pair approach to recognize handwritten digits based on the MNIST dataset.
Language: Matlab - Size: 578 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 1

MaverickTse/SigDecontrastAviutl
Sigmodial decontrast interface with IM backend
Language: C++ - Size: 17.6 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

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.
Language: C++ - Size: 171 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 1 - Forks: 0

inyoungoh-cde/PointNet_PointNet2_binary_pytorch
This repo is implementation for PointNet and PointNet++ for binary (0 or 1) in pytorch.
Language: Python - Size: 78.1 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

hediyeorhan/LogisticRegressionWithArduino
Language: C - Size: 4.09 MB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

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.
Language: Python - Size: 2.25 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

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.
Language: Jupyter Notebook - Size: 26.4 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

BalajiN743/-Logistic-regression-bank-data-
Language: Jupyter Notebook - Size: 693 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

bjhammack/from-scratch-logistic-regression
A fully-functioning logistic regression model using only python and numpy.
Language: Python - Size: 177 KB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

EliaFantini/Noise2Noise-Lite-two-ligther-versions-of-the-famous-AI-denoiser-for-small-images Fork of KieranVaudaux/DeepLearning
Noise2Noise is an AI denoiser trained with noisy images only. We implemented a ligther version which trains faster on smaller pictures without losing performance and an even simpler one where every low-level component was implemented from scratch, including a reimplementation of autograd.
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

pjmateus/global_tropopause_model
Global empirical models for tropopause height determination
Language: Python - Size: 140 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

Krishnateja244/Vanishing_Gradient
This repository helps in understanding vanishing gradient problem with visualization
Language: Jupyter Notebook - Size: 520 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

daodavid/classic-ML
Implementation of classic machine learning concepts and algorithms from scratch and math behind their implementation.Written in Jupiter Notebook Python
Language: HTML - Size: 1.49 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Abhishek010397/LogisticRegression
Using Logistic Regression Classifier to Predict Target Using Three Features
Language: Python - Size: 1.95 KB - Last synced at: 22 days ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

vvittis/MachineLearning
Size: 20 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

RazvanBerbece/MultiLayerPerceptronFNN
An abstract implementation of a Multilayered Perceptron (Multilayered Feedforward Neural Network). Provides a well-documented API which exposes a wrapper around the whole process (all the way from network config, to modelling, to training and predicting). Built in Python.
Language: Python - Size: 36.1 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

AdityaTheDev/ConvolutionalNeuralNetwork-To-Classify-DogVsCat
Convolutional Neural Network to Classify Dogs and Cat. I built a ImageClassifier which classifies and tells you whether its a Dog image or a Cat image. I built a convolutional network which consists of Three Convolution layer and Three MaxPooling layer. Each Convolutional layer has filters, kernel size. Maxpooling layer has stride and pooling size. Then this Convolutional layer Connects to DeepNeuralNetwork. DNN has three hidden layer and output layer having Sigmoid Activation function. I trained this model for 31 epochs and achieved an accuracy of around 85%. I found this massive image dataset online which has 10,028 images(Ten Thousand and Twenty Eight). My model Predicted accurately during the testing phase. I even tested my model using my neighbor dog's pic and it predicted accurately.
Language: Jupyter Notebook - Size: 838 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Ralhusban/Logistic-Regression
Logistic Regression implementation from scratch using vectorization
Language: Jupyter Notebook - Size: 74.2 KB - Last synced at: 10 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Harshpatel44/sigmoid-neural-net-classifier
This repository contains Python notebook which contains creation of simple neural network. I have used synthesised 2 cluster dataset to train the network and test it.
Language: Jupyter Notebook - Size: 188 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

akshayush/FeedForward-and-BackPropagation-DNN-for-multiclass-classification
Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

achyutb6/neural-network
Neural network with 2 hidden layers
Language: Python - Size: 188 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

atul04/LinearRegression
Linear Regression Model, Gradient Descent Learning along with various basis funtions such siogmoidal, Gaussian, p-Norms, L2-regulariztion, GOAL: - To predict Facebook's post likes
Language: Python - Size: 2.88 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

rbhanush/Fast-and-Accurate-Deep-Neural-Network-Learning-by-ELUs
β’ Trained the network for MNIST dataset β’ Implemented neural network on MNIST dataset by using Sigmoid, ReLU, ELU as the activation function. β’ Analyzed networkβs running time, error rate, efficiency and accuracy.
Language: Python - Size: 10.8 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

MaverickTse/SigContrastAviutl
SigmoidalContrast interface with ImageMagick backend
Language: C++ - Size: 17.6 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

corey33p/OCR_MLP
Three layer perceptron. Generates varied character images from scratch so does not depend on an existing dataset, like MNIST. Can train for an arbitrarily long time due to the open ended nature of the dataset. Contains a basic user interface.
Language: Python - Size: 12.4 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

Aashir01124/Neural-Network-Modifications-Hyperparameter-Experiments
Modifies a neural network's hyperparameters, activation functions, cost functions, and regularization methods to improve training performance and generalization.
Size: 1.95 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

Sanchemtos/Multi-Label-Emotion-Recognition
This project focuses on detecting multiple emotions from English text using a fine-tuned **BERT** model. It leverages the [GoEmotions](https://huggingface.co/datasets/go_emotions) dataset β a large-scale human-annotated dataset of Reddit comments labeled with 27 emotions + neutral.
Language: Jupyter Notebook - Size: 118 KB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

saifalibaig/Multi-Label-Emotion-Recognition
This project focuses on detecting multiple emotions from English text using a fine-tuned **BERT** model. It leverages the [GoEmotions](https://huggingface.co/datasets/go_emotions) dataset β a large-scale human-annotated dataset of Reddit comments labeled with 27 emotions + neutral.
Language: Jupyter Notebook - Size: 122 KB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

MUHAMMADAKMAL137/Pytorch_Training_Pipeline_Using_Dataset_And_Dataloader_Class.ipynb
Binary classification of breast cancer using PyTorch. Used StandardScaler, LabelEncoder, Dataset, DataLoader, custom nn.Module model, BCELoss, and SGD. Focused on implementing a complete training pipeline, not optimizing accuracy.
Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: 18 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

TahirZia-1/Neural-Networks-MNIST-in-Python
Implementations of neural networks in python for the classification of MNIST datasets.
Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

pngo1997/Neural-Network-Modifications-Hyperparameter-Experiments
Modifies a neural network's hyperparameters, activation functions, cost functions, and regularization methods to improve training performance and generalization.
Language: Jupyter Notebook - Size: 73.2 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Khushi130404/Logistic_Regression
This repository demonstrates logistic regression using step and sigmoid functions, gradient descent, and sklearn for comparison. It includes visualizations and comparisons to provide a clear understanding of the model.
Language: Jupyter Notebook - Size: 275 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

AmbreenMahhoor/Logistic-Regression
Language: Jupyter Notebook - Size: 648 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

maheera421/Supervised-Machine-Learning
Implementation of necessary supervised machine learning algorithms for regression and classification.
Language: Jupyter Notebook - Size: 6.85 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

alisatodorova/ML-GroupWork-2
Group work on MultiLayer Perceptron (MLP) and Hyperparameters Optimization
Language: Jupyter Notebook - Size: 4.17 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Mhmd-Hisham/NEAT-PIE
A humple implementation of the NeuroEvolution of Augmenting Topologies[NEAT] algorithm written purely in Python3.
Language: Python - Size: 34.2 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

abdulsamad183/comparative_study_of_feed_forward_neural_networks
implements 8 deep learning models for handwritten digit classification using the MNIST dataset, with variations in architecture and activation functions.
Language: Jupyter Notebook - Size: 1.42 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Ad7amstein/Logistic_Regression-Breast_Cancer_Diagnostic
Predict whether the cancer is benign or malignant using logistic regression model.
Language: Jupyter Notebook - Size: 802 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

asayem172153/Machine-Learning-related-works
Here I have Demonstrated Some of my Machine Learning works
Size: 3.91 KB - Last synced at: 23 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ionxeph/neural-network
trying out neural network with classic MNIST data set
Language: Rust - Size: 11.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

AusBoone/Neural-Network-C
This repository contains code to create, train, and predict using a neural network with a single hidden layer. This includes a complete implementation of a simple feedforward neural network and functions for initialization, forward propagation, backpropagation, training, and prediction.
Language: C - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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
Language: Jupyter Notebook - Size: 248 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

anilesh-prajapati/Deep-Learning-with-TensorFlow-Keras-and-PyTorch
Deep Learning with TensorFlow Keras and PyTorch
Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

arayajosepablo/math-logistic-regression
Python logistic regression (using a perceptron) classifier to recognize cats.
Language: Python - Size: 2.74 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ohigithub/Charity_Funding_Predictor
A deep learning model used to predict the likelihood of applicant success if provided funding.
Language: Jupyter Notebook - Size: 626 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/cat-detection-with-Logistic-Regression
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

neural-tangjie/NTJ-DL-Activation_Functions_in_Neural_Network
:octocat: This repository summarizes the basic concepts, types and usage scenarios of activation functions in deep learning.
Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MahilaAlmutairi/Artificial-Neural-Network-Regression-Model
A artificial neural network regression model
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

uzairkhaskheli/Custom-Neural-Network
Custom Neural Network
Language: Jupyter Notebook - Size: 74.2 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Vishnu8989/Multi-layer-Perceptron-Model--ANN--using-back-propagation-learning
Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

JuzerShakir/Logistic_Regression
A Mathematical Intuition behind Logistic Regression Algorithm
Size: 229 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

subhi-x/backprop
A simple program in python to illustrate the workings of a neural network
Language: Python - Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

DhilipSanjay/ANN-with-Momentum
Artificial Neural Networks with Back Propagation & Momentum (No external libraries used)
Language: Jupyter Notebook - Size: 85.7 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

acardoco/GeoLearning
Push features to OSM taked from satellite images.
Language: Python - Size: 287 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

ajaybiswas22/Neural-Network-Logic-Gates
This repository provides the Implementation of logic gates using neural networks.
Language: Jupyter Notebook - Size: 247 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Mauzey/Simple-Neural-Network
A simple, single-layer, neural network
Language: Python - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

gabrielezi/NeuralNetwork
University assignment - Neural network with sigmoid and ReLu activation functions (python).
Language: Python - Size: 1.2 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

coder-backend/Predict-Job-Title-and-skills
Job Prediction given job description and skills
Language: Jupyter Notebook - Size: 324 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

coder-backend/Stanford-Sentiment-Treebank
rate customer reviews
Language: Jupyter Notebook - Size: 2.72 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

arun-kmr-singh/HandWritten_Digit_Recognition_Neural-Net
Repository contains implementaion code of Nerural Network for identifying hand written digits. Images for digits are collected and converted into Grey scale images. Image of 200x200 pixels converted into a feature vector of size 40000 values. Sigmoid and Relu function used in forward propagation. Implemented back propagation. This Project is done as a part of Coursera Machine Learning Course.
Language: MATLAB - Size: 7.1 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

hasanur-rahman/AI-Scratch-Projects
I have implemented some AI projects from scratch implementation without explicit use of the built-in-libraries and thus added to this repo.
Language: Jupyter Notebook - Size: 381 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Swarnaditya-Maitra/Mosquito-Breeding-Sites-Prediction-System
Language: CSS - Size: 2.92 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

jcatanza/utilities
utility notebooks
Language: Jupyter Notebook - Size: 244 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Develop-Packt/Autoencoders
This course will take a look at autoencoders and their applications will help you see how autoencoders are used in dimensionality reduction and denoising. You will implement an artificial neural network and an autoencoder using the Keras framework. By the end of this course, you will be able to implement an autoencoder model using convolutional neural networks.
Language: Jupyter Notebook - Size: 28.3 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

dserbano/machine_learning_smartnet_2
2nd Project of Course 'Machine Learning' of the SMARTNET programme. Taken at the National and Kapodistrian University of Athens.
Language: Python - Size: 34.1 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

BhagyashriT/ML-Multi-class-Classification-using-Neural-network-and-Convolutional-Neural-Network
Language: Jupyter Notebook - Size: 2.16 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Thehunk1206/Perceptron
A single layer Neural Network i.e Perceptron which learns the pattern in given binary input value.
Language: Python - Size: 51.8 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

akhileshravi/MultiLayerPerceptron
This is a repository for Multi-Layer Perceptron and Logistic Regression. There is a code (function) for Logistic Regression. SOme analysis is performed on the function. This is compared with the sklearn Logistic Regression function. Then, the decision boundary has also been plotted for the classification. The next part is the basic neural network. A class and a function has been created for this and it has been used for digit classification (mnist dataset).
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

dhawal777/Neural-Network
Neural Network implementation from scratch along with its analysis with different type of activation function and with variation in hidden layer size and depth.
Language: Jupyter Notebook - Size: 88.9 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

atul04/Feed-Forward-Neural-Network-Based-Classifier-Facebook-Post
Feed Forward Neural Network to classify the FB post likes in classes of low likes or moderate likes or high likes, back propagtion is implemented with decay learning rate method
Language: Python - Size: 12.1 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

ritzvik/SimpleNeuralNetwork
Language: Python - Size: 18.3 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

rkapobel/Machine-Learning
Machine Learning of Andrew Ng's Course.
Language: Matlab - Size: 35.4 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

junaidfiaz143/First-NeuralNetwork
This is the code for "sigmoid binary classification without using and ML library" By M.Junaid Fiaz
Language: Jupyter Notebook - Size: 14.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

MElHuseyni/Visualization-Derivatives-of-Activation-Functions
Language: Jupyter Notebook - Size: 141 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

claick-oliveira/neural-network-bike-prediction
Language: HTML - Size: 1.07 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

MaverickTse/SigColorAviutl
Sigmoidial color adj. with IM backend
Language: C++ - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0
