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

GitHub topics: activation-functions

NikolasMarkou/dl_techniques

Advanced deep learning learning techniques, layers, activations loss functions, all in keras / tensorflow

Language: Python - Size: 12.1 MB - Last synced at: about 2 hours ago - Pushed at: about 2 hours ago - Stars: 12 - Forks: 1

Eden-Eldith/WiggleGPT

WiggleGPT is an language model that integrates bio-inspired neural architectures into a GPT-2-style transformer.

Language: Python - Size: 367 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

digantamisra98/Mish

Official Repository for "Mish: A Self Regularized Non-Monotonic Neural Activation Function" [BMVC 2020]

Language: Jupyter Notebook - Size: 185 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 1,300 - Forks: 129

Sombressoul/dyna

DyNA is a framework for dynamic, data-driven nonlinear signal propagation, inspired by biological neural networks.

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

mixaisealx/ONNLab

ONNLab is a framework and project for developing obfuscated neural networks, offering full control over training and inference, flexible architecture configuration, and seamless integration of custom components. Its core principle is systematic yet highly flexible design, enabling implementation of any architecture or training strategy.

Language: C++ - Size: 312 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

dalmia/siren

PyTorch implementation of Sinusodial Representation networks (SIREN)

Language: Python - Size: 6.97 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 264 - Forks: 10

sanjitchitturi/mnist-activations-optimizers

A study of how different activation functions and optimizers affect performance on the MNIST handwritten digit classification task.

Language: Python - Size: 34.2 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

zohreazimi/Daily-Neural-Network-Exercise

My Daily Neural Network Exercise

Language: Jupyter Notebook - Size: 38.9 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 7 - Forks: 0

luca-parisi/hyper_sinh

hyper-sinh: An Accurate and Reliable Activation Function from Shallow to Deep Learning in TensorFlow, Keras, and PyTorch

Language: Python - Size: 36.1 KB - Last synced at: 10 days ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 2

lucidrains/siren-pytorch

Pytorch implementation of SIREN - Implicit Neural Representations with Periodic Activation Function

Language: Python - Size: 15.6 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 501 - Forks: 52

Aymen016/Activation-Functions-In-Perceptrons

This repository delves into the role of activation functions in perceptron-based classification models. It features a comprehensive Jupyter notebook demonstrating different activation functions, their mathematical foundations, and their impact on model performance.

Language: Jupyter Notebook - Size: 384 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

HastiGohel/Activation-Functions-Single-Layer-Perceptron

Implementation of a Single Layer Perceptron using TensorFlow/Keras with Random and Student datasets, including activation function visualizations.

Language: Jupyter Notebook - Size: 68.4 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

shaheennabi/Deep-Learning-Practices-and-Mini-Projects

Deep Learning Practices and Mini-Projects This repository focuses on practical deep learning through hands-on coding and theory. It includes implementations of core algorithms from scratch, mini-projects to reinforce understanding, and mathematical insights behind the models.

Language: Jupyter Notebook - Size: 3.71 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

arkanivasarkar/Deep-Learning-from-Scratch

Implementation of a Fully Connected Neural Network, Convolutional Neural Network (CNN), and Recurrent Neural Network (RNN) from Scratch, using NumPy.

Language: Python - Size: 18.1 MB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

juliafsuzuki/202307-NMA-DL-Spontaneous-Behavior-Prediction

Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Bayunova28/Transportation_Stock_Analysis

This repository contains about final project for bachelor degree

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

XAheli/Predicting-Indian-Stocks-Price-with-Stacked-LSTM

Predicting Indian stock prices using Stacked LSTM model. Analysing Reliance, Tata Steel, HDFC Bank, Infosys data. Data prep, EDA, hyperparameter tuning.

Language: Jupyter Notebook - Size: 1.61 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 26 - Forks: 5

ChristophReich1996/SmeLU-Triton

Triton reimplementation of the Smooth ReLU activation function proposed in the paper "Real World Large Scale Recommendation Systems Reproducibility and Smooth Activations" [arXiv 2022].

Language: Python - Size: 69.3 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 0

harleyszhang/dl_note

深度学习系统笔记,包含深度学习数学基础知识、神经网络基础部件详解、深度学习炼丹策略、模型压缩算法详解。

Language: Python - Size: 189 MB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 468 - Forks: 66

ashioyajotham/exploring_saes

Implementation and analysis of Sparse Autoencoders for neural network interpretability research. Features interactive visualization dashboard and W&B integration.

Language: Python - Size: 59.7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 2

Subhajit0210/Face-Mask-Detection-using-CNN

This project demonstrates how to build a Face Mask Detection System using CNN

Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

AaltoML/PeriodicBNN

Code for 'Periodic Activation Functions Induce Stationarity' (NeurIPS 2021)

Language: Jupyter Notebook - Size: 4.86 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 19 - Forks: 2

himanshuvnm/Generalized-Gaussian-Radial-Basis-Function-in-Artificial-Intelligence-MATLAB

This is the recent work of my on the importance and application of mathematical function around its Hilbert function theory on artificial intelligence algorithms. The main motivation was the desire of improving the convergence rate and learning rate of various learning algorithms via Generalized Gaussian Radial Basis Function.

Language: MATLAB - Size: 10.8 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

scart97/Siren-fastai2

Unofficial implementation of 'Implicit Neural Representations with Periodic Activation Functions'

Language: Jupyter Notebook - Size: 5.42 MB - Last synced at: 5 days ago - Pushed at: over 5 years ago - Stars: 52 - Forks: 4

ChristophReich1996/Pade-Activation-Unit

PyTorch reimplementation of the paper "Padé Activation Units: End-to-end Learning of Flexible Activation Functions in Deep Networks" [ICLR 2020].

Language: Python - Size: 19.5 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

derinworks/penr-oz-neural-network

Neural Network Microservice for understanding training process

Language: Python - Size: 89.8 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

pouyaardehkhani/ActTensor

ActTensor: Activation Functions for TensorFlow. https://pypi.org/project/ActTensor-tf/ Authors: Pouya Ardehkhani, Pegah Ardehkhani

Language: Python - Size: 1.96 MB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 26 - Forks: 4

kumar-shridhar/ProbAct-Probabilistic-Activation-Function

Official PyTorch implementation of the paper : ProbAct: A Probabilistic Activation Function for Deep Neural Networks.

Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 4

Subhajit0210/Bank-Churn-Analysis-And-Modelling--ANN

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

ChaitanyaC22/Neural-Network-using-Numpy

Introduction to Neural Networks (Create a neural network using Numpy)

Language: Jupyter Notebook - Size: 15.8 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

unvercanunlu/activation-function-comparison-pytorch

Comparison of common activation functions on MNIST dataset using PyTorch.

Language: Python - Size: 2.24 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

densechen/AReLU

AReLU: Attention-based-Rectified-Linear-Unit

Language: Jupyter Notebook - Size: 8.99 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 62 - Forks: 8

epishchik/TrainableActivation

Implementation for the article "Trainable Activations for Image Classification"

Language: Python - Size: 1.54 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 24 - Forks: 2

MainakRepositor/Activation-Infopedia

Language: Python - Size: 146 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 8 - Forks: 1

vishal815/Customer-Churn-Prediction-using-Artificial-Neural-Network

This project involves building an Artificial Neural Network (ANN) for predicting customer churn. The dataset used contains various customer attributes, and the ANN is trained to predict whether a customer is likely to leave the bank.

Language: Jupyter Notebook - Size: 313 KB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

kmario23/activation-functions-3D-viz

3D visualization of common activation functions

Language: Python - Size: 2.94 MB - Last synced at: 7 months ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 3

luca-parisi/quantum_relu

QReLU and m-QReLU: Two novel quantum activation functions for Deep Learning in TensorFlow, Keras, and PyTorch

Language: Python - Size: 43.9 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 14 - Forks: 7

mlpapers/neural-nets

Awesome papers on Neural Networks and Deep Learning

Size: 14.6 KB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 0

ChristophReich1996/SmeLU

PyTorch reimplementation of the Smooth ReLU activation function proposed in the paper "Real World Large Scale Recommendation Systems Reproducibility and Smooth Activations" [arXiv 2022].

Language: Python - Size: 68.4 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 22 - Forks: 2

qiyaozheng/Backpropagation-DEMO

A demonstration of backpropagation using a simple neural network to understand how different activation functions and network structures impact learning various data patterns. Includes experiments with Sigmoid, Tanh, and ReLU on eight unique patterns.

Language: Jupyter Notebook - Size: 444 KB - Last synced at: 7 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

choudharydivik/annproject

This project aims to predict customer churn for a bank using an Artificial Neural Network (ANN). The dataset contains various customer features, such as credit score, age, balance, and other personal details, to predict whether a customer will leave the bank (churn) or stay.

Language: Jupyter Notebook - Size: 298 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Rishit-dagli/GLU

An easy-to-use library for GLU (Gated Linear Units) and GLU variants in TensorFlow.

Language: Python - Size: 220 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 20 - Forks: 4

luca-parisi/m_arcsinh

m-arcsinh: A Reliable and Efficient Function for Supervised Machine Learning (scikit-learn, TensorFlow, and Keras) and Feature Extraction (scikit-learn)

Language: Python - Size: 52.7 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 1

Apozzi/convnetjs-extras

Builds on the core functionalities of convnetjs by adding more features and utilities that enhance the capabilities of neural network development and experimentation.

Language: JavaScript - Size: 88.9 KB - Last synced at: 8 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

UEFI-code/SelfAdaptiveActivation-CNN

Code for the paper "A Self-Adaptive and Multiple Activation Function Neural Network for Facial Expression Recognition"

Language: Python - Size: 46.9 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

beenotung/neural-network.ts

Lightweight TypeScript neural network library with back-propagation and genetic algorithms, supporting a wide range of activation functions, all without extra build or native dependencies.

Language: TypeScript - Size: 36.1 KB - Last synced at: 10 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

MoinDalvs/Neural_Networks_From_Scratch

Neural_Networks_From_Scratch

Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: 4 days ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 4

vtramo/neural-networks-experiments-from-scratch

The objective of this repository is to provide a learning and experimentation environment to better understand the details and fundamental concepts of neural networks by building neural networks from scratch.

Language: Python - Size: 12.2 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Ameobea/rnn-viz

Interactive visualizations and demos that are used in a blog post I wrote about logic in the context of neural networks

Language: Jupyter Notebook - Size: 1.82 MB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 17 - Forks: 1

kalthommusa/Udacity-Intro-to-Deep-Learning-Introduction-to-Neural-Network

Collection of my notes from Udacity's Intro to Deep Learning--> Introduction to Neural Networks course.

Size: 8.65 MB - Last synced at: 15 days ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

xyproto/af

:zap: Activation functions for neural networks

Language: Go - Size: 29.3 KB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 1

MoinDalvs/Neural_Network_Regression_Gas_Turbines

Predicting Turbine Energy Yield (TEY) using ambient variables as features.

Language: Jupyter Notebook - Size: 2.53 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

vaniseth/Deep-Learning

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

MrGoriay/pwlu-pytorch

Unofficial pytorch implementation of Piecewise Linear Unit dynamic activation function

Language: Python - Size: 10.7 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 2

umarwaseeem/Activation-Func-Visualizer

Visualize Neural Network activation functions with a python manim library script

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

Priyanshux085/LeviLayer

This project provides an interactive dashboard for analyzing the different activation function in neural networks. LeviLayer is a novel activation function that has shown promising results in various deep learning tasks. With this dashboard, users can explore the behavior of LeviLayer and compare it with other popular activation functions.

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

RajK01/Google-Customer-Revenue-Prediction

The main aim of this project is to built a predictive model using G Store data to predict the TOTAL REVENUE per customer that helps in better use of marketing budget.

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

xagau/som

ground up implementation of a self organizing map in Java

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

Jobhdez/mathy-webservice

a math web service written in Haskell :-)

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

PujanMotiwala/the_fun_activations

Supercharge your neural network models with our top-tier activation functions repository. Ideal for data scientists and ML enthusiasts, featuring comprehensive guides, practical implementations, and detailed comparisons. Dive into advanced AI techniques and make impactful contributions today!

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

sumantha-NTS/Learning-Activations-in-Neural-Networks

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

dane-meister/Neural-Network

Creating a Neural Network from scratch.

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

rothflyingjoe/Discord-Nitro-Activator

Size: 1.95 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

hediyeorhan/LogisticRegressionWithArduino

Language: C - Size: 4.09 MB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

jmaczan/ffnn

Feedforward Neural Network from scratch - backpropagation, gradient descent, activation functions

Language: Python - Size: 57.6 KB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

alaminbhuyan/Activation-Function-Implementation

This code are implementation of activation that are used in neural network in every node of neuron.

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

LukaMatcharashvili/ML-Lib

Machine Learning Library for C++

Language: C++ - Size: 40 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

b-fakhar/ML-Algorithms-in-Python

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

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: 4 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

kaintels/torchact

TorchAct, collection of activation function for PyTorch. https://pypi.org/project/torchact/

Language: Python - Size: 71.3 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

marmiskarian/Custom-Loss-Activation-Implementations

Custom implementations of L1/L2/BCE/CE loss and ReLU/Sigmoid/Tanh/Softmax activation functions.

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

mmiimran/activation-function

Activation Function

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

AVINASH-KURREY/DEEP-LEARNING

INTRODUCTION OF DEEP LEARNING

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

dbrcina/BSc-Thesis-FER-2019-20

BSc Thesis at FER-2019/20 led by doc. dr. sc. Marko Čupić

Language: TeX - Size: 12.2 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 3 - 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: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

lucylow/salty-wet-man

Binary classification to filter and block unsolicited NSFW content from annoying coworkers... --- ...

Language: JavaScript - Size: 6.09 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 3

KumapowerLIU/Rethinking-Inpainting-MEDFE

Rethinking Image Inpainting via a Mutual Encoder Decoder with Feature Equalizations. ECCV 2020 Oral

Language: Python - Size: 2.94 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 361 - Forks: 51

Wongi-Choi1014/Korean-OCR-Model-Design-based-on-Keras-CNN

Korean OCR Model Design(한글 OCR 모델 설계)

Language: Python - Size: 33.3 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 58 - Forks: 22

yester31/DL_Layer

Making a Deep Learning Framework with C++

Language: C++ - Size: 35.6 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

vatsmanish/Natural-Language-Processing

Language: Jupyter Notebook - Size: 33.2 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

tahmid0007/Low_Pass_ReLU

Corruption Robust Image Classification with a new Activation Function. Our proposed Activation Function is inspired by the Human Visual System and a classic signal processing fix for data corruption.

Language: MATLAB - Size: 2.34 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

greenDev7/NeuralNetwork

Реализация алгоритма обратного распространения ошибки для обучения нейронной сети для распознавания рукописных цифр

Language: C# - Size: 51.8 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

greenDev7/DigitRecognitionCanvas

Created with CodeSandbox

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

sef007/Neural-Network-Email-Classifier-Numpy-Only

Neural Network using NumPy, V1: Built from scratch. V2: Optimised with hyperparameter search.

Language: Python - Size: 780 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

Niranjankumar-c/DeepLearning-PadhAI

All the code files related to the deep learning course from PadhAI

Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 90 - Forks: 121

NonlinearArtificialIntelligenceLab/jaxDiversity

Jax implementation of metalearning diversity paper

Language: Jupyter Notebook - Size: 1.74 MB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

MuthuPalaniappan925/Acti-Viz

A Web application that allows users to visualize the output of different activation functions used in neural networks.

Language: HTML - Size: 487 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

SharathHebbar/Softmax-as-intermediate-layer-CNN

Softmax-as-intermediate-layer-CNN

Language: Jupyter Notebook - Size: 1.69 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ikram-md/machine_learning_algorithms

A beginner friendly repository which contains supervised learning and neural networks examples.

Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

slothengineer/DeepLearning-Concepts

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

nauman-akram/NeuralNets-Implementation

Bunch of neural nets implemented from scratch for learning purposes

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

Hamim-Hussain/Enhancing-Deep-Learning-Model-Performance

Nonprofit foundation Alphabet Soup wants a tool that can help it select the applicants for funding with the best chance of success in their ventures. Using machine learning and neural networks, you’ll use the features in the provided dataset to create a binary classifier that can predict whether applicants will be successful if funded.

Language: Jupyter Notebook - Size: 795 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

KIRANKUMAR7-P/Deep_learning

Welcome to my Deep Learning Showcase repository! Explore insightful projects including ATM Data Analysis powered by ANN and Rice Image Classification using various CNN architectures like Vanilla CNN, VGG-16, and fine-tuning techniques. Join me in unraveling data-driven stories and pushing the boundaries of image classification.

Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Prashant47/deep-learning-elu

Deep Learning with Exponential Linear Units (ELUs) activation function

Language: Python - Size: 841 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

jmaen/nnvisualized-graphics

TeX graphics for the nnvisualized project

Language: TeX - Size: 208 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

mdarm/machine-learning-coursework

Coursework on Neural Networks for the Μ124 - Machine Learning course, NKUA, Fall 2022.

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

KyriakosPsa/ActFunc-GradientAnalysis

Derivation of backpropagation equations based on specific activation functions & analysis of the behavior of activation function gradients across neural networks of varying depths

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

sakshikakde/CS231n

My solutions for the CS231n (Convolutional Neural Networks for Visual Recognition) assignments.

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

sef007/NN-Numpy-Only-HOG-Feature-Extraction-and-ML-Library-Integration

Digit Recognition Neural Network: Built from scratch using only NumPy. Optimised version includes HOG feature extraction. Third version utilises prebuilt ML libraries.

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

Related Keywords
activation-functions 185 deep-learning 76 neural-network 62 machine-learning 51 python 42 neural-networks 40 tensorflow 30 deep-neural-networks 24 pytorch 24 keras 22 loss-functions 20 cnn 19 python3 17 relu 16 numpy 16 backpropagation 15 artificial-intelligence 14 gradient-descent 13 classification 13 convolutional-neural-networks 11 relu-activation 10 artificial-neural-networks 10 jupyter-notebook 9 feedforward-neural-network 8 perceptron 8 softmax 7 matplotlib 7 data-science 7 lstm 7 optimizer 7 sigmoid-function 7 deeplearning 7 keras-tensorflow 7 linear-regression 6 leaky-relu 6 ai 6 sigmoid 6 mnist 6 pandas 6 regularization 6 regression 6 tanh 5 tanh-activation 5 sklearn 5 image-classification 5 optimization 5 dropout 5 forward-propagation 5 tensorflow2 5 mnist-classification 5 sigmoid-activation 5 keras-neural-networks 5 optimizers 5 logistic-regression 5 activation-function 5 mnist-dataset 4 activation 4 rnn 4 backward-propagation 4 hidden-layers 4 ann 4 backpropagation-algorithm 4 perceptron-learning-algorithm 4 from-scratch 4 weights-and-biases 4 torch 4 recurrent-neural-networks 4 neurons 4 weight-initialization 4 machine-learning-algorithms 4 relu-layer 4 normalization 3 hyperparameter-optimization 3 hyperparameter-tuning 3 learning-rate 3 supervised-learning 3 backpropagation-neural-network 3 transformers 3 back-propagation 3 nn 3 ml 3 optimization-algorithms 3 cost-function 3 softmax-activation 3 dataset 3 adam-optimizer 3 cnn-keras 3 cnn-classification 3 autoencoders 3 accuracy 3 one-hot-encoding 3 backpropagation-learning-algorithm 3 matlab 2 multi-layer-perceptron 2 cifar-10 2 genetic-algorithm 2 svm 2 scikit-learn 2 mlp 2 feature-extraction 2