An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: sigmoid-activation

giladodinak/mlinc

Machine Learning from scratch in C

Language: C - Size: 5.55 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 1

PaluMacil/gophernet

a multilayer neural net written in go

Language: Go - Size: 702 KB - Last synced at: 28 days ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

GoldSharon/logistic-regression-from-scratch

A Logistic Regression model built from scratch in Python using NumPy, without ML libraries. It includes gradient descent, binary classification, and adjustable learning rates, demonstrating training, predictions, and weight updates with sigmoid activation.

Language: Jupyter Notebook - Size: 681 KB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

JuliaSzymanska/Artificial-Intelligence

Implementing Artificial Neural Network training process in Python

Language: Python - Size: 1.84 MB - Last synced at: 5 months ago - Pushed at: about 5 years ago - Stars: 15 - Forks: 2

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: 3 months ago - Pushed at: about 2 years ago - Stars: 8 - Forks: 3

zohaibterminator/machine-learning-specialization

Github repo for ML Specialization course on Coursera. Contains notes and practice python notebooks.

Language: Jupyter Notebook - Size: 21.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

sugaith/my-neural-network

My beautiful Neural Network made from scratch and love. It plays the game Flappy-Birds!

Language: Python - Size: 1.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jmarihawkins/neural-network-challenge-2

The purpose of this project is to develop a machine learning model that predicts employee attrition (whether an employee will leave the company) and department assignment (which department an employee belongs to) based on various factors. These factors include age, travel frequency, education level, job satisfaction, marital status, and more.

Language: Jupyter Notebook - Size: 35.2 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

inzapp/sigmoid-classifier

Classification model using sigmoid activation with unknown class data

Language: Python - Size: 182 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

jElhamm/Activation-Functions

"The 'Activation Functions' project repository contains implementations of various activation functions commonly used in neural networks. "

Language: Python - Size: 2.06 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

astralm0nke/Image-Classification-Neural-Network

Simple 3-layer perceptron in vanilla python

Language: Jupyter Notebook - Size: 15.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Dipesh-Pokhrel/Deep-Learning

Deep Learning with python

Language: Jupyter Notebook - Size: 595 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Kushashu-1/Activation_function

It is small Web app for Visualization of Activation Function

Language: Python - Size: 21.5 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

anshul1004/NeuralNetwork

Neural Network from scratch without any machine learning libraries

Language: Python - Size: 165 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

justinyates887/scratch-neural-network

A simple neural network that defines functions for initializing a neural network, forward and backward propagation, and training. It uses a simple neural network architecture with sigmoid activation and binary cross-entropy loss for binary classification. The goal is to train the network to make accurate predictions for binary classification tasks.

Language: Python - Size: 0 Bytes - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

shubhamchouksey/IntroToDeepForwardNetwork

Deep Forward Architecture From Scratch

Language: Python - Size: 131 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

RPGupta30/Activation-Functions

Language: Python - Size: 2.93 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years 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: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - 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: 5 months ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

Stefan-Radu/fakeMLlibrary

Minimal, limited in features, deep learning library, created with the goal of understanding more of the field.

Language: Python - Size: 1.62 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

Sandy0002/Deep-Learning-Exercises

Various applications of deep learning have been demonstrated.

Language: Python - Size: 30.3 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

JLeigh101/deep-learning-challenge

NU Bootcamp Module 21

Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

amirrezarajabi/Neural-Network-implementation-from-scratch

implementation of neural network from scratch only using numpy (Conv, Fc, Maxpool, optimizers and activation functions)

Language: Python - Size: 7.85 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

cbrito3/Neural_Network_Charity_Analysis

Neural Networks and Deep Learning Models

Language: Jupyter Notebook - Size: 1.72 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Grafit24/DL-Framework-Numpy

Фреймворк глубоко обучения на Numpy, написанный с целью изучения того, как все работает под "капотом".

Language: Python - Size: 1.17 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

vcwild/predict-airline-passengers 📦

Predict airline passenger amount with deep learning neural networks by using the Keras framework and Box & Jenkins Airline Passengers Dataset.

Language: Jupyter Notebook - Size: 389 KB - Last synced at: 7 days ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

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: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

mohadeseh-ghafoori/develop-DNNs

Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/NNs-with-one-hidden-layer

Language: Jupyter Notebook - Size: 333 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/Recurrent-Neural-Networks-with-LSTM

Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

FahdSeddik/FeedForward-NeuralNetwork-from-scratch

This is a Feed-Forward Neural Network with back-propagation written in C++ from scratch with no external libraries.

Language: C++ - Size: 90.8 KB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

SameetAsadullah/Neural-Network-Implementation

Neural Network implemented with different Activation Functions i.e, sigmoid, relu, leaky-relu, softmax and different Optimizers i.e, Gradient Descent, AdaGrad, RMSProp, Adam. You can choose different loss functions as well i.e, cross-entropy loss, hinge-loss, mean squared error (MSE)

Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

HillidatulIlmi/EDA-and-Deep-Learning-ANN-Telco-Customer-Churn-Predictions

Predict the case of Telco Customer Churn data set as a measure of the percentage of customer accounts that cancel by choosing not to renew their subscription (No) and continue to renew their service (YES). Measured based on actual usage or failure when getting telco service. Based on this, I will analyze churn using the Deep Learning ANN method.

Language: Jupyter Notebook - Size: 1.57 MB - Last synced at: over 2 years ago - Pushed at: about 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: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Karla-Flores/Neural-Network--Charity-Donation

Deep-Learning neural network to analyze and classify the success of charitable donations.

Language: Jupyter Notebook - Size: 5.15 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

lnstadrum/sigmoid_like_tf_op

A TensorFlow C++ extension implementing a piecewise-linear approximation of sigmoid activation function used in Beatmup.

Language: C++ - Size: 41 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

KushalBhanot/Logistic-Regression-Classifier-Template

This is a template I made while building a Deep Learning project.

Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

aleksandrmte/NeuralNetwork

Simple neural network

Language: C# - Size: 58.6 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

pmontalb/NeuralNetworks

Simple DNN code, adapted from Nielsen

Language: C++ - Size: 73.7 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Related Keywords
sigmoid-activation 39 neural-network 17 relu-activation 15 deep-learning 14 python 12 neural-networks 10 numpy 9 gradient-descent 9 machine-learning 9 adam-optimizer 8 python3 6 tensorflow 6 backpropagation 6 sigmoid-function 6 sigmoid 5 forward-propagation 5 activation-functions 5 matplotlib 5 relu 4 artificial-neural-networks 4 classification 4 logistic-regression 4 backward-propagation 3 cross-entropy-loss 3 predictive-modeling 3 tanh 3 ai 3 backpropagation-neural-network 3 pandas 3 softmax 3 artificial-intelligence 2 feedforward-neural-network 2 jupyter-notebook 2 keras 2 loss-functions 2 regression 2 leaky-relu 2 perceptron 2 sgd 2 rmsprop 2 algorithms 2 artificial-intelligence-algorithms 2 fully-connected-network 2 relu-layer 2 lstm-neural-networks 2 tanh-activation 2 hidden-layers 2 time-series-forecasting 2 recurrent-neural-networks 2 neurons 2 data-preprocessing 2 mlp 2 softmax-activation 2 binary-classification 2 streamlit-webapp 1 colaboratory 1 sklearn-library 1 artificial-neural-network 1 dataframe 1 get-dummies 1 cuda 1 api 1 keras-tensorflow 1 pycharm-ide 1 pycharm 1 model-optimization 1 model-training-and-evaluation 1 scikit-learn 1 standardscaler 1 adam 1 ann 1 cnn 1 feed-forward 1 feed-forward-neural-networks 1 improvement 1 heroku-deployment 1 heroku-app 1 neural-network-example 1 eda 1 xor-neural-network 1 xor-problem 1 docker 1 stochastic-gradient-descent 1 ml 1 mnist 1 convolutional-neural-networks 1 deeplearning 1 customer 1 kears 1 visualization 1 softmax-layer 1 ascii 1 backpropagation-learning-algorithm 1 cpp 1 matplotlib-figures 1 csharp 1 neural-net 1 tensorflow-op 1 rede-neural 1 seaborn 1