Topic: "conv2d"
DebeshJha/ResUNetPlusPlus
Official code for ResUNetplusplus for medical image segmentation (TensorFlow & Pytorch implementation) (IEEE ISM)
Language: Python - Size: 293 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 134 - Forks: 33

vilari-mickopf/mmwave-gesture-recognition
Basic Gesture Recognition Using mmWave Sensor - TI AWR1642
Language: Python - Size: 1.71 MB - Last synced at: about 21 hours ago - Pushed at: 8 months ago - Stars: 130 - Forks: 22

avik-pal/DeepLearningBenchmarks
Benchmarks across Deep Learning Frameworks in Julia and Python
Language: Julia - Size: 720 KB - Last synced at: 17 days ago - Pushed at: about 5 years ago - Stars: 25 - Forks: 0

georgeyiasemis/2D-Convolutional-Recurrent-Neural-Networks-with-PyTorch
2D Convolutional Recurrent Neural Networks implemented in PyTorch
Language: Python - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 16 - Forks: 3

deep-learning-algorithm/PyNet
Numpy implementation of deep learning
Language: Python - Size: 21.5 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 4

EPSOFT/layers
layers
Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 0

sushant1827/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
Language: Jupyter Notebook - Size: 6.59 MB - Last synced at: 20 days ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 3

marchete/Mokka
Mokka is a minimal Inference Engine for Dense and Convolutional 2D Layer Neural Networks. Written on a single C++ header, it uses AVX2
Language: C++ - Size: 1.33 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 3

mdnuruzzamanKALLOL/CNN_Basic
CNN
Language: Jupyter Notebook - Size: 326 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

fessuoyM/numpy-nDim-Convolution
A FAST pure numpy based 1D, 2D, even n-dimensional convolution library.
Language: Python - Size: 20.5 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

iamnderitum/Deep-Neural-Network-for-Multi-class-Classification-of-Fashion-Items
This PyTorch-based project implements a deep neural network for multi-class classification of fashion items. The dataset consists of images categorized into three classes: glasses vs. sunglasses, shoes, and trousers vs. jeans.
Language: Python - Size: 7.04 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 1

mdnuruzzamanKALLOL/CNN-Implementation_1
Basic_CNN_Implementation
Language: Jupyter Notebook - Size: 1.41 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

meryemtetik/Image_Classification
CIFAR10 Dataset.
Language: Jupyter Notebook - Size: 928 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

EPSOFT/Keras-Convolutianl-Networks
Keras Convolutianl Networks
Language: Jupyter Notebook - Size: 35.2 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

EPSOFT/Image-Augmentation
Image Augmentation
Language: Jupyter Notebook - Size: 894 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

erfanhamdi/torch_PIV
This code uses the pyTorch Conv2D modules to make the PIV algorithms work faster on GPU
Language: Python - Size: 9.41 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

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.
Language: Jupyter Notebook - Size: 12.2 MB - Last synced at: about 2 years 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

abhishekchavannn/Image-Super-Resolution-SRCNN
Deployed the super-resolution convolution neural network (SRCNN) using Keras. Recovers a high-resolution image from a low-resolution input.
Language: Jupyter Notebook - Size: 689 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Lukas-Justen/Machine-Learning-Tutorials
A repository for machine learning problems and exploration of different ML libraries. The goal of this repository is to collect takeaways while developing ML models. This should improve my overall understanding of developing machine learning applications.
Language: Jupyter Notebook - Size: 23.6 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

aarid/cuda_operations
This project compares performance between CPU and GPU with CUDA operations. Two simples cases are used: matrix multiplication and 2d convolution.
Language: Cuda - Size: 3.91 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

anurima-saha/Image_Classification_CNN_MobileNetV3
IMAGE CLASSIFICATION USING CNN and MobileNetV3
Language: Jupyter Notebook - Size: 152 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

schketik/neural_network_keras_resnet
Computer Vision Model for Age Estimation from Facial Images
Language: Jupyter Notebook - Size: 594 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

witmemtech/Witin-NN-Tool-
The "witin_nn" framework, based on PyTorch, maps neural networks to chip computations and supports operators including Linear, Conv2d, and GruCell. It enables 8-12 bit quantization for inputs/outputs and weights, implementing QAT.
Language: Python - Size: 19.6 MB - Last synced at: 20 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

shhiivvaam/Traffic_Prediction
This project explores the application of advanced neural network architectures, including Multi-Layer Perceptron (MLP), Long Short-Term Memory (LSTM), and Gated Recurrent Unit (GRU), to forecast traffic volume. 👍👍✅
Language: Jupyter Notebook - Size: 555 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Nandhakumar-rg/Multi-Class-Classification-of-MonkeyPox-using-MobileApp-with-Conv2D-VGG-19
• Developed a Keras model for classification and a Flutter Mobile App for users to detect pox. • Submitted for International Journal Elsevier.
Language: Python - Size: 214 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ostad-ai/PyTorch-Tutorial
This repository provides topics in PyTorch which is used for Deep Learning
Language: Jupyter Notebook - Size: 3.26 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/CNN-with-pooling-layer
Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

s0nya21/German-Traffic-Signs-dataset-DL-
Creating a classifier for the German Traffic Signs dataset that classifies images of traffic signs into 43 classes.
Language: Jupyter Notebook - Size: 171 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

karolus-git/mnist-cnn
Language: Python - Size: 14.7 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/Residual-Networks
Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/Semantic-Image-Segmentation-with-U-Net
Language: Jupyter Notebook - Size: 520 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/Face-Recognition
Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Kikumu/DCGAN-with-facedata
This repository Investigates DCGAN using facedata. Serves as a personal cautionary tale when working with GANS.
Language: Jupyter Notebook - Size: 87.3 MB - Last synced at: 11 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

aprameya2001/People-Identification-using-Face-and-Gait
A project to perform people identification at a distance using face and gait data with deep learning
Language: Jupyter Notebook - Size: 259 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

spectre900/People-Identification-using-Face-and-Gait Fork of aprameya2001/People-Identification-using-Face-and-Gait
A project to perform people identification at a distance using face and gait data with deep learning
Size: 258 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

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.
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

kalinosia/Traffic-road_sings
In this project, used TensorFlow to build a neural network to classify road signs based on an image of those signs.
Language: Python - Size: 171 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

IlyaKodua/2d-Smoothing
Language: Cuda - Size: 9.77 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

vi-hna-ja/kaggle-digit-recognition
MNIST is the de facto “hello world” dataset of computer vision. In this competition, our goal is to correctly identify digits from a dataset of handwritten images.
Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

leolui2004/atari_rl_ac
Reinforcement Learning with Actor-Critic to play Breakout-v4 (Atari) from OpenAI Gym
Language: Python - Size: 108 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

ishitadatta/AnimalClassification
:cat: A deep learning model using CNN to classify between cat and dog images
Language: Jupyter Notebook - Size: 716 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

AncaElena10/Digit-Recognition
Handwriting digit recognition using keras.Conv2D and MNIST database.
Language: Python - Size: 42 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

hazooree/A-Simple-Trained-LeNET-Model
A Simple Trained LeNET Model for handwritten digit recognition
Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

saitejdandge/Image_Classification_with_2D_Convolution
Image Classification with 2D Convolutions, Deeplearning
Language: Python - Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

thomas-choi/Dog-Breed-Classifier
This project is to apply Convolutional Neural Networks (CNN) to recognize dog breeds.
Language: HTML - Size: 32.5 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0
