relu

There are 129 repositories under relu topic.

  • DeepHermites

    Language:Python8
  • handwritten-digit-recognition

    Language:Jupyter Notebook2
  • DenseNet-Architicture

    Language:Jupyter Notebook2
  • caffenet-benchmark

    Evaluation of the CNN design choices performance on ImageNet-2012.

    Language:Jupyter Notebook741
  • NumPyCNN

    NumPyCNN

    Building Convolutional Neural Networks From Scratch using NumPy

    Language:Python563
  • OMLT

    OMLT

    Represent trained machine learning models as Pyomo optimization formulations

    Language:Python270
  • DynamicReLU

    Implementation of Dynamic ReLU on Pytorch

    Language:Python204
  • Deep-LearningAI

    🇦🇮 Deep Learning AI course on Coursera (Andrew Ng)

    Language:Jupyter Notebook71
  • math_object_detection

    An image recognition/object detection model that detects handwritten digits and simple math operators. The output of the predicted objects (numbers & math operators) is then evaluated and solved.

    Language:Python65
  • CIFAR10CNNFlask

    Building a HTTP-accessed convolutional neural network model using TensorFlow NN (tf.nn), CIFAR10 dataset, Python and Flask.

    Language:Python61
  • numpy-neuralnet-exercise

    Implementation of key concepts of neuralnetwork via numpy

    Language:Python48
  • Covid19-Detection-Using-Chest-X-Ray

    Covid-19 detection in chest x-ray images using Convolution Neural Network.

    Language:Jupyter Notebook45
  • PyNet

    PyNet

    Numpy implementation of deep learning

    Language:Python13
  • swish-activation

    Repo for my blogs explaining swish activation function

    Language:HTML13
  • fauna-image-classification-using-convolutional-neural-network

    Convolutional neural network for classification of animal images on Animal-10 dataset

    Language:Jupyter Notebook12
  • cuda-kernels

    Some common CUDA kernel implementations (Not the fastest).

    Language:Cuda11
  • Deep-Learning

    Deep Learning

    Language:Python11
  • layers

    layers

    Language:Jupyter Notebook11
  • quantum_relu

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

    Language:Python11
  • know-your-limits

    Repository for UAI 2021 paper "Know Your Limits: Uncertainty Estimation with ReLU Classifiers Fail at Reliable OOD Detection".

    Language:Jupyter Notebook10
  • MNIST-Dataset

    Recognizing the Digits from 0-9 using their pixel values as attributes, using Deep Learning Model to Classify the Digits.

    Language:Jupyter Notebook10
  • Compare_Activation_Function

    Compare vanishing gradient problem case by case.

    Language:Python9
  • tensorflow-signs-cnn

    An algorithm that facilitates communication between a speech-impaired person and someone who doesn't understand sign language using convolution neural networks

    Language:Python7
  • GAN

    I have prepared a Deep Convolutional Generative Adversarial Networks here.

    Language:Jupyter Notebook6
  • Convolutional-neural-network-Numpy

    Convolutional Neural Network with just Numpy and no other MLLibs

    Language:Jupyter Notebook6
  • FeedFwBackProp

    Simple multi layer perceptron application using feed forward back propagation algorithm

    Language:Python6
  • vanishing-gradients

    Avoiding the vanishing gradients problem by adding random noise and batch normalization

    Language:Python5
  • Building-Deep-Neural-Network-Step-by-Step-Instruction

    building a deep neural network with as many layers as you want!

    Language:Jupyter Notebook4
  • torchact

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

    Language:Python3
  • activiation-functions

    Simple Tutorial to Explain the Pros and Cons of Sigmoid Activation Function

    Language:Jupyter Notebook3
  • Tweet-Classifier

    A repository with Twitter data and tweet classifiers using several machine learning approaches to measure the accuracy and performance of the approaches on classifying tweets.🐧

    Language:Jupyter Notebook3
  • Approximating-Continuous-Function-With-ReLU

    Approximating-Continuous-Function-With-ReLU

    ReLU's Function Approximation

    Language:Jupyter Notebook2
  • artificial.js

    This is an ongoing project intended to make it easier to use neural network creation, genetic algorithms, and other data science and machine learning skills.

    Language:JavaScript2
  • Activation-Experiments

    Experiments using different activation functions.

    Language:Python2
  • why-is-relu-non-linear

    A small walk-through to show why ReLU is non linear!

    Language:Jupyter Notebook2
  • NeuralNetwork

    Neural Network from scratch without any machine learning libraries

    Language:Python2