maxpooling
There are 43 repositories under maxpooling topic.
zjhellofss/KuiperInfer
校招、秋招、春招、实习好项目!带你从零实现一个高性能的深度学习推理库,支持大模型 llama2 、Unet、Yolov5、Resnet等模型的推理。Implement a high-performance deep learning inference library step by step
oborchers/Fast_Sentence_Embeddings
Compute Sentence Embeddings Fast!
evarae/CNN_Tutorial
Hi! Thanks for checking out my tutorial where I walk you through the process of coding a convolutional neural network in java from scratch. After building a network for a university assignment, I decided to create a tutorial to (hopefully) help others do the same and improve my own understanding of neural networks.
sushantdhumak/Fashion-Clothing-Classification
Kaggle Machine Learning Competition Project : In this project, we will create a classifier to classify fashion clothing into 10 categories learned from Fashion MNIST dataset of Zalando's article images
tejaslodaya/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
amirrezarajabi/Neural-Network-implementation-from-scratch
implementation of neural network from scratch only using numpy (Conv, Fc, Maxpool, optimizers and activation functions)
cakmakaf/dog_breed_classifier
Given an image of a dog, our algorithm will identify an estimate of the canine’s breed. If supplied an image of a human, the code will identify the resembling dog breed.
devsonni/Chart-Classification-Using-CNN----Keras
This repository consists of models of CNN for classifying different types of charts. Moreover, it also includes script of fine-tuned VGG16 for this task. On top of that CradCAM implementation of fine-tuned VGG16.
m0hssn/Smooth-MaxPooling
This repository provides a smooth max pooling implementation using the LogSumExp (LSE) function. Unlike traditional max pooling, which can result in sparse gradients, our approach approximates the maximum operation to ensure more effective gradient distribution.
mainkoon81/Study-09-MachineLearning-D
**DeepLearning** (CNN, RNN) + Bayesian Neural Network
axelvanherle/imgConvolutionCuda-C
Written by Sem Kirkels, Nathan Bruggeman and Axel Vanherle. Grayscales an image, applies convolution, maximum pooling and minimum pooling.
Harmanveer2546/Bird-Species-Prediction-Using-Deep-Learning
Using convolutional neural networks to build and train a bird species classifier on bird pics data with corresponding species labels, also build GUI for the same.
ZJW-92/Fashion-Class-Classification
In this project, we will create a classifier to classify fashion clothing into 10 categories learned from Fashion MNIST dataset.
Lucs1590/vgg_bpca
🧠 BPCAPooling, a custom pooling method that performs dimensionality reduction without loss of spatial information.
PratikhyaManas/Fashion-Class-Classification
In this project, we use CNN to classify Fashion MNIST data into different categories.
Tejas-TA/Face-Mask-Detection-Real-Time-Computer-Vision
This repository contains code that implemented Mask Detection using MobileNet as the base model and Neural Network as the head model. Code draws a rectangular box over the person's face in red if no mask, green if the mask is on, with 99% accuracy in real-time using a live webcam. Refer to README for demo
divyanshsr/KannadaMNIST
This project aims to classify handwritten Kannada digits using multiple layers of algorithms.
HariShanmugavelu/ConvolutionalNeuralNetworks_FaceDetection
Face detection using convolutional neural networks
HariShanmugavelu/ConvolutionalNeuralNetworks_FaceRecognition
Face identification/recognition model using convolutional neural networks
harmanveer-2546/Bird-Species-Prediction-Using-Deep-Learning
Using convolutional neural networks to build and train a bird species classifier on bird pics data with corresponding species labels, also build GUI for the same.
HumaSejdini/NLP-CoronaTweets
Coronavirus tweets NLP - Text Classification mini-project work for Data Science course, FCSE, Skopje
jasminebilir/cs224N-transformer-ensemble-network
Ensemble Network Including Transformer Models for NLP Patient Text and ED Visit Prediction
OmkarKatkade/Image-Classification-UsinG-Convolutional-Neural-Network
This model helps us classify 10 different real-life objects by undergoing training under tensorflow's CIFAR dataset which contains 60,000 32x32 color images with 6000 images of each class. I have made use of a stack of Conv2D and MaxPooling2D layers followed by a few densely connected layers.
p-dirac/javafx-convolution-network
JavaFx Application for Convolutional Network to perfom Image Classification using Softmax Output Layer, Back Propagation, Gradient Descent, Partial Derivatives, Matrix Flattening, Matrix Unfolding, Concurrent Task, Performance Histogram, Confusion Matrix
absognety/EVA4
Extensive Vision AI Program from The School Of AI
harmanveer-2546/Recognizing-Digits
I used the MNIST dataset for the implementation of a handwritten digit recognition app. To implement this, will be using a special type of deep neural network called Convolutional Neural Networks. In the end, I also build a Graphical user interface(GUI) where you can directly draw the digit and recognize it straight away.
Harmanveer2546/Recognizing-Digits
I used the MNIST dataset for the implementation of a handwritten digit recognition app. To implement this, will be using a special type of deep neural network called Convolutional Neural Networks. In the end, I also build a Graphical user interface(GUI) where you can directly draw the digit and recognize it straight away.
ManinderpreetPuri/Lesion-Dataset---Deep-Learning-project
Uses deep learning in Python with Keras, Pandas, Numpy, Tensorflow, ScIkit-Learn libraries.
mano3-1/EfficientCentreDet
This is a hybrid variety of detection models which is inspired from bothe centrenet and EfficientDet. This model is as fast as centrenet and much accurate due to the fusion blocks.
rainaa0277/Footwear-classification-using-ConvNets
Making a footwear classification model using CNN.
rayros/flower-photos
Classify flowers with Tensorflow.js