Ecosyste.ms: Repos

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

GitHub topics: pytorch-cnn

sovrasov/flops-counter.pytorch

Flops counter for convolutional networks in pytorch framework

Language: Python - Size: 141 KB - Last synced: 5 days ago - Pushed: 5 days ago - Stars: 2,692 - Forks: 307

MartinGurasvili/Snake

Computer learns how to play snake using a Q Learning NN through the PyTorch library

Language: Python - Size: 320 KB - Last synced: 7 days ago - Pushed: over 1 year ago - Stars: 4 - Forks: 0

frgfm/pytorch-mnist

Implementation of various basic architectures (training on MNIST, Visdom visualization)

Language: Python - Size: 2.96 MB - Last synced: 7 days ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

justusschock/delira_cycle_gan_pytorch

A delira-compatible cycle-GAN skeleton.

Language: Python - Size: 5.68 MB - Last synced: 7 days ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

MIC-DKFZ/medicaldetectiontoolkit

The Medical Detection Toolkit contains 2D + 3D implementations of prevalent object detectors such as Mask R-CNN, Retina Net, Retina U-Net, as well as a training and inference framework focused on dealing with medical images.

Language: Python - Size: 4.35 MB - Last synced: 5 days ago - Pushed: about 1 month ago - Stars: 1,269 - Forks: 301

tanish-g/age-detection

Facial feature analysis has always been a topic of interest mainly due to its applicability. Deep Learning techniques are now making it possible for face analysis to be not just a dream but a reality.

Language: Jupyter Notebook - Size: 1.86 MB - Last synced: 10 days ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

MIC-DKFZ/trixi

Manage your machine learning experiments with trixi - modular, reproducible, high fashion. An experiment infrastructure optimized for PyTorch, but flexible enough to work for your framework and your tastes.

Language: Python - Size: 15.5 MB - Last synced: 11 days ago - Pushed: over 3 years ago - Stars: 220 - Forks: 19

YasinRezvani/Python_Learning_Practice_Notebooks

Jupyter notebooks for practicing Python data analysis and visualization with Matplotlib, NumPy, Pandas, SciPy, and Seaborn.

Language: Jupyter Notebook - Size: 26 MB - Last synced: 12 days ago - Pushed: 12 days ago - Stars: 3 - Forks: 3

polarbeargo/P1_Facial_Keypoints

First project for CVND: facial keypoint detection.

Language: Jupyter Notebook - Size: 323 MB - Last synced: 14 days ago - Pushed: 10 months ago - Stars: 2 - Forks: 0

scyonggg/Embedded_CNN

MobileNetV1 implemenation via Pytorch. Training with ImageNet1K dataset. Evaluate inference result. Measure inference speed and compare to other models (VGG16, GoogleNet)

Language: Python - Size: 24.4 KB - Last synced: 16 days ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

GitanDas/corrosion-detection-model

A CNN model which can detect if a picture of metal object has corrosion or not.

Language: Jupyter Notebook - Size: 2.33 MB - Last synced: 18 days ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

skyduy/CNN_keras

CNN | Keras/PyTorch | CAPTCHA recognition(卷积神经网络、Keras/PyTorch框架、验证码识别)

Language: Python - Size: 29.3 MB - Last synced: 2 days ago - Pushed: over 4 years ago - Stars: 287 - Forks: 95

Omanshu209/CNN-Classifier-Hub

Convolutional Neural Network(CNN) image classification models developed using the PyTorch library of Python!

Language: Jupyter Notebook - Size: 73.8 MB - Last synced: 19 days ago - Pushed: 19 days ago - Stars: 3 - Forks: 1

benedekrozemberczki/MixHop-and-N-GCN

An implementation of "MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing" (ICML 2019).

Language: Python - Size: 5.06 MB - Last synced: 7 days ago - Pushed: over 1 year ago - Stars: 397 - Forks: 62

alvarobartt/serving-pytorch-models

Serving PyTorch models with TorchServe :fire:

Language: Jupyter Notebook - Size: 198 MB - Last synced: 7 days ago - Pushed: about 1 year ago - Stars: 101 - Forks: 15

leaxsd/Deep-Learning-Super-Resolution-Image-Reconstruction-DSIR

Deep-Learning convolutional auto-encoders applied to super-resolution microscopy data to localization image reconstruction.

Language: Python - Size: 6.78 MB - Last synced: 28 days ago - Pushed: about 6 years ago - Stars: 17 - Forks: 2

swapnil233/trash-classification

Classifying images of trash (glass, metal, paper, plastic) using neural networks. Term project of 'APS360 - Applied Fundamentals of Deep Learning' taken at the University of Toronto. Team members: Matthew Vernooy, Danny Kung, Tiffany Costas.

Language: Jupyter Notebook - Size: 114 MB - Last synced: 29 days ago - Pushed: 30 days ago - Stars: 0 - Forks: 0

gtamba/pytorch-slim-cnn

A pytorch implementation of SlimCNN for Facial Attribute Classification : https://arxiv.org/abs/1907.02157

Language: Jupyter Notebook - Size: 6.92 MB - Last synced: 29 days ago - Pushed: over 4 years ago - Stars: 30 - Forks: 4

ssoad/PyTorch-ImageSegementation

Human Segmentation using PyTorch

Language: Jupyter Notebook - Size: 539 KB - Last synced: 15 days ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 1

mohitpg/SimpleTextExtractor

Text extraction using pytorch

Language: Jupyter Notebook - Size: 4.49 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

yoshidan/pytorch-facial-expression-recognition

Lightweight Facial Expression(emotion) Recognition model

Language: Python - Size: 1.39 MB - Last synced: about 1 month ago - Pushed: over 4 years ago - Stars: 56 - Forks: 8

antonio1151/Simple-CNN-image-classification-using-pytorch

This is a simple CNN for image classification using pytorch

Language: Python - Size: 220 KB - Last synced: about 1 month ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

LaurentVeyssier/Keypoints-face-detection

detection of 68 keypoints on face images using Deep CNN

Language: Jupyter Notebook - Size: 69.9 MB - Last synced: about 1 month ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

LaurentVeyssier/Simple-CNN-classifier-for-FashionMNIST-in-Pytorch

simple CNN achieving 90% accuracy on FashionMNIST dataset

Language: Jupyter Notebook - Size: 434 KB - Last synced: about 1 month ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

AardJan/kaggle_digit_recognizer

Simple solution for kaggle competition

Language: Jupyter Notebook - Size: 16.5 MB - Last synced: about 2 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

enochkan/torch-metrics

Metrics for model evaluation in pytorch

Language: Python - Size: 42 KB - Last synced: 19 days ago - Pushed: about 3 years ago - Stars: 110 - Forks: 14

mfathul21/vehicle-counting-optimization

Traffic Light Optimazation with Vehicle Counting & Fuzzy Logic

Language: Python - Size: 26.2 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

devpranoy/Dental-Biometrics

Person Identification based on dental records using Deep Neural Networks. My Btech final year project.

Language: Jupyter Notebook - Size: 259 MB - Last synced: 23 days ago - Pushed: over 1 year ago - Stars: 25 - Forks: 7

Sasseron/Image_Classification

Projects for image classification

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

sdivyanshu90/MindfulML

Welcome to MindfulML, where innovation meets insight in the realm of machine learning. Join us as we explore the wonders of artificial intelligence and unleash the potential of data science. Together, let's journey into the future of technology, one algorithm at a time.

Language: Jupyter Notebook - Size: 398 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 1 - Forks: 0

MarkoArsenovic/DeepLearning_PlantDiseases

Training and evaluating state-of-the-art deep learning CNN architectures for plant disease classification task.

Language: Python - Size: 4.07 MB - Last synced: about 2 months ago - Pushed: over 2 years ago - Stars: 210 - Forks: 101

ABD-01/MNIST

Learning implementation of Deep Learning models using MNIST Dataset

Language: Jupyter Notebook - Size: 37.4 MB - Last synced: 18 days ago - Pushed: 8 months ago - Stars: 3 - Forks: 0

cedrickchee/pytorch-android 📦

[EXPERIMENTAL] Demo of using PyTorch 1.0 inside an Android app. Test with your own deep neural network such as ResNet18/SqueezeNet/MobileNet v2 and a phone camera.

Language: C++ - Size: 142 MB - Last synced: 19 days ago - Pushed: over 4 years ago - Stars: 103 - Forks: 18

SpyrosAlvanakis/DNN_Ham10000

HAM10000 image dataset classification using Pytorch and Scikit Learn

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

fendouai/PyTorchDocs

PyTorch 官方中文教程包含 60 分钟快速入门教程,强化教程,计算机视觉,自然语言处理,生成对抗网络,强化学习。欢迎 Star,Fork!

Language: Python - Size: 7.47 MB - Last synced: 2 months ago - Pushed: about 2 years ago - Stars: 2,251 - Forks: 678

justusschock/deep_alignment_network_pytorch

PyTorch Implementation of the Deep Alignment Network

Language: Python - Size: 5.79 MB - Last synced: 7 days ago - Pushed: about 5 years ago - Stars: 38 - Forks: 8

MohamedSebaie/Fight_Detection_From_Surveillance_Cameras-PyTorch_Project

Fight Detection From Surveillance Cameras by fine-tuning a PyTorch Pretrained Model

Language: Jupyter Notebook - Size: 208 MB - Last synced: 9 days ago - Pushed: about 2 years ago - Stars: 27 - Forks: 10

kumar-shridhar/PyTorch-BayesianCNN

Bayesian Convolutional Neural Network with Variational Inference based on Bayes by Backprop in PyTorch.

Language: Python - Size: 66.2 MB - Last synced: 3 months ago - Pushed: about 1 year ago - Stars: 1,326 - Forks: 316

ph4s3r/cupid

Classifying Underlying Placental Issues in Premature Infants with Deep Learning

Language: Python - Size: 13.4 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

caiyunapp/leibniz

Leibniz is a python package which provide facilities to express learnable partial differential equations with PyTorch

Language: Python - Size: 1.46 MB - Last synced: 3 months ago - Pushed: over 2 years ago - Stars: 16 - Forks: 6

rud-ninja/NonLocalNN-Image-Classification

Classification of images based on facial features using ResNet18 as base framework integrated with Non-local neural networks

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

joydeb28/Pytorch-Tutorial

PyTorch Tutorial

Language: Jupyter Notebook - Size: 109 KB - Last synced: 3 months ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 0

Omanshu209/PokeVinci-AI

This is a Python - based application (pokedex) that allows users to search for information about different Pokemons. It also has an AI which.........

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

svishnu88/DLwithPyTorch

Code to accompany my upcoming book "Deep learning with PyTorch Book " from Packt

Language: Jupyter Notebook - Size: 18.6 MB - Last synced: 2 months ago - Pushed: almost 5 years ago - Stars: 90 - Forks: 57

FandosA/Normal_Flow_Prediction

Deep learning model to predict the normal flow between two consecutive frames, being the normal flow the projection of the optical flow on the gradient directions.

Language: Python - Size: 232 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

emptysoal/tensorrt-experiment

Base on tensorrt version 8.2.4, compare inference speed for different tensorrt api.

Language: Python - Size: 92 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 10 - Forks: 0

J4NN0/deep-learning-cnn

NN and CNN implementation from scratch in PyTorch with data loading, training, and evaluation phase on CIFAR 100 image dataset

Language: Python - Size: 300 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 5 - Forks: 3

nimaafshar/metadamagenet Fork of vdurnov/xview2_1st_place_solution

Using Deep Learning To Identify And Classify Damage In Aerial Imagery

Language: Python - Size: 4.56 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 11 - Forks: 0

powerplayer9/Semantic-Segmentaion-Using-CNNs

Analyzing the performance of different types of convolutional filters for image segmentation purposes.

Language: Python - Size: 32.2 KB - Last synced: 4 months ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

Adeolujoseph/Pneumonia-Classification-Using-Transfer-Learning-ResNet18-and-ResNet50-

Creating a Model that can diagnose pneumonia with an xray image

Language: Jupyter Notebook - Size: 3.28 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

tahira2k16/Pytorch-Projects-

Pytorch Project and Resources

Language: Jupyter Notebook - Size: 7.66 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

lenoqt/PyTorch

PyTorch Practice Notebooks

Language: Jupyter Notebook - Size: 4.28 MB - Last synced: 15 days ago - Pushed: over 2 years ago - Stars: 4 - Forks: 0

JeffersonQin/YuzuMarker.FontDetection

✨ 首个CJK(中日韩)字体识别以及样式提取模型 YuzuMarker的字体识别模型与实现 / First-ever CJK (Chinese Japanese Korean) Font Recognition and Style Extractor, side project of YuzuMarker

Language: Python - Size: 156 KB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 360 - Forks: 12

MatteoM95/Real-time-Domain-Adaptation-in-Semantic-Segmentation

A class-based styling approach for Real-Time Domain Adaptation in Semantic Segmentation applied within the realm of autonomous driving solutions. Final project from MLDL course 2020/2021

Language: Python - Size: 5.52 GB - Last synced: 11 days ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

bentrevett/pytorch-image-classification

Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.

Language: Jupyter Notebook - Size: 88.3 MB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 858 - Forks: 219

Saoussen-CH/Image-classification-Facebook-PyTorch-Challenge

Image Classification of 102 flower species using ResNet200 pretained model in PyTorch

Language: Jupyter Notebook - Size: 2.49 MB - Last synced: 6 months ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

tanvirnwu/PyTorch--Python

Language: Jupyter Notebook - Size: 1.61 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 1 - Forks: 0

Rohit--Sharma/cs838-assignments

CS838 Group Assignments

Language: Python - Size: 83.6 MB - Last synced: 6 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

OmarKhalil10/DogBreedSpotter

DogBreedSpotter is a Python-based image classification project designed to identify and classify dog breeds in images. This project utilizes deep learning models, including convolutional neural networks (CNNs) such as VGG, AlexNet, and ResNet, to accurately detect whether an image contains a dog and, if so, determine the breed.

Language: CSS - Size: 21.8 MB - Last synced: 6 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

eljandoubi/Face-Generation

Generate new faces using Generative Adversarial Networks (GANs).

Language: Jupyter Notebook - Size: 8.59 MB - Last synced: 21 days ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

eljandoubi/Image-Captioning

Uses a CNN Encoder and a RNN Decoder to generate captions for input images.

Language: Jupyter Notebook - Size: 186 MB - Last synced: 21 days ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

eljandoubi/Facial-Keypoint-Detection

In that project, I combined my knowledge of computer vision techniques and deep learning architectures to build a facial keypoint detection system. It was designed to take in any image with faces and predict the location of 68 distinguishing keypoints on each face.

Language: Jupyter Notebook - Size: 8.82 MB - Last synced: 21 days ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

buomsoo-kim/PyTorch-learners-tutorial

PyTorch tutorial for learners

Language: Jupyter Notebook - Size: 49.8 KB - Last synced: 6 months ago - Pushed: over 4 years ago - Stars: 115 - Forks: 36

Abood-devo/simple-image-classifier

Beginner-friendly image classifier built with PyTorch and CIFAR-10.

Language: Jupyter Notebook - Size: 1.28 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

josedolz/IVD-Net

Repository containing the source code of the IVD-Net segmentation network that we proposed for the MICCAI 2018 IVD segmentation challenge.

Language: Python - Size: 1.37 MB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 50 - Forks: 14

hellloxiaotian/CFSRCNN

Coarse-to-Fine CNN for Image Super-Resolution (IEEE Transactions on Multimedia,2021)

Language: Python - Size: 32 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 111 - Forks: 11

gfc-fiscomp/xcovid

A transfer learning based COVID-19 lung x-ray classifier made into a WebApp!

Language: Jupyter Notebook - Size: 166 MB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 9 - Forks: 2

Niranjankumar-c/Game_DL_ShipDetection

AnalyticsVidhya- Game of Deep Learning Hackathon: Computer Vision Ship Detection

Language: Jupyter Notebook - Size: 80.7 MB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 1

XiangqianMa/AI-Competition-HuaWei

Code of HuaWeiCloud AI competition: classification.

Language: Python - Size: 2.05 MB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 11 - Forks: 3

Linlin-Li-1/CNN-for-classification

I used PyTorch to train a CNN model to classify images of three insects (beetles, cockroaches, and dragonflies).

Language: Jupyter Notebook - Size: 69.8 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

yzhang559/vgg-face

load vgg-face pre-trained caffe model using pytorch

Language: Python - Size: 76.2 KB - Last synced: 7 months ago - Pushed: almost 6 years ago - Stars: 18 - Forks: 4

walsvid/CoordConv

Pytorch implementation of "An intriguing failing of convolutional neural networks and the CoordConv solution" - https://arxiv.org/abs/1807.03247

Language: Jupyter Notebook - Size: 236 KB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 125 - Forks: 25

josedolz/HyperDenseNet_pytorch

Pytorch version of the HyperDenseNet deep neural network for multi-modal image segmentation

Language: Python - Size: 396 KB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 74 - Forks: 12

Hintful/simple-bear-identifier

Identifies an image of a bear, between Grizzly Bear, Black Bear, and Teddy Bear.

Language: Jupyter Notebook - Size: 40.6 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Hintful/chocolate-classifier

Simple chocolate classifier that is able to classify given image of a chocolate between 12 different available categories

Language: Jupyter Notebook - Size: 116 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

ttchirima/Ud-AWS-ML-Nd-Project3

Build a landmark image classifier that would be deployed as an app for social media using CNNs

Language: HTML - Size: 2.62 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

ryanwng12/img-colorization

This repository will contain the codes and information from my Image Colorization project.

Language: Jupyter Notebook - Size: 959 KB - Last synced: 7 months ago - Pushed: almost 3 years ago - Stars: 3 - Forks: 0

wvinzh/WS_DAN_PyTorch

PyTorch Implementation Of WS-DAN(See Better Before Looking Closer: Weakly Supervised Data Augmentation Network for Fine-Grained Visual Classification)

Language: Python - Size: 291 KB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 159 - Forks: 35

cruiseresearchgroup/forecasting-on-new-roads

Official repo for the following paper: Traffic Forecasting on New Roads Unseen in the Training Data Using Spatial Contrastive Pre-Training (SCPT) (ECML PKDD DAMI '23)

Language: Python - Size: 5.47 MB - Last synced: 3 months ago - Pushed: 7 months ago - Stars: 1 - Forks: 0

jasonlim131/PyTorch_hippocampus_fast_learning

Attempt to Model Rhesus Macaques' Hippocampal Pathway using PyTorch

Language: Jupyter Notebook - Size: 16.1 MB - Last synced: 7 months ago - Pushed: 11 months ago - Stars: 0 - 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: 7 months ago - Pushed: about 4 years ago - Stars: 90 - Forks: 121

Surya-Prakash-Reddy/Image-Style-Transfer-Pytorch

Combine two images and produce new image with style of first image and content of second image

Language: Jupyter Notebook - Size: 5.9 MB - Last synced: 8 months ago - Pushed: 11 months ago - Stars: 6 - Forks: 5

Surya-Prakash-Reddy/Classifying-Cats-and-Dogs

Classifies whether an image is of a dog or cat using pre-trained models

Language: Jupyter Notebook - Size: 26.6 MB - Last synced: 8 months ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

FandosA/Image_Classification_PyTorch

Simple convolutional neural network to classify images with PyTorch.

Language: Python - Size: 581 KB - Last synced: 8 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

andreiliphd/deploying-neural-network-flask

Example of deployment of neural network using Flask.

Language: Python - Size: 2.93 KB - Last synced: 8 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

WindowsKonon1337/NeuralOpenVpnConnector

Terminal only freeopenvpn connection script

Language: Python - Size: 7.22 MB - Last synced: 3 months ago - Pushed: 8 months ago - Stars: 2 - Forks: 0

iamthephd/fashion-mnist-tensorboard

Creating a tensorboard for Fashion-MNIST dataset using PyTorch

Language: Python - Size: 9.77 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 1 - Forks: 0

zotroneneis/pytorch_deep_learning_models

PyTorch implementations of deep learning models

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

MG2033/MobileNet-V2

A Complete and Simple Implementation of MobileNet-V2 in PyTorch

Language: Python - Size: 201 KB - Last synced: 7 months ago - Pushed: over 6 years ago - Stars: 208 - Forks: 42

Shreejan-git/pytorch-complete-course

Pytorch fundamental to advance notes with codes

Language: Jupyter Notebook - Size: 126 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

rafi-fauzan/Pleural_Effusion_Classifier_Model_PyTorch

Pleural Effusion Classifier Model PyTorch

Language: Jupyter Notebook - Size: 2.22 MB - Last synced: 8 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

rafi-fauzan/Brain_Tumor_Classifier_Model_PyTorch

Brain Tumor Classifier Model PyTorch

Language: Jupyter Notebook - Size: 4 MB - Last synced: 8 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

ayan-cs/banglalekha-numerals-classification

Handwritten Bangla Numeric Digits Classification using ResNet-34. The work uses a subset of the BanglaLekha-Isolated dataset. For details, read the README file.

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

PeppeSaccardi/cnn-with-pytorch

Simple Convolutional-Neural-Network for a multiclass classification problem using PyTorch... work in progress!

Language: Jupyter Notebook - Size: 427 KB - Last synced: 8 months ago - Pushed: about 3 years ago - Stars: 2 - Forks: 1

akhill10/Chest-XRay-Vision

Chest Xray image Classification using Deep learning using Pytorch ~

Language: Jupyter Notebook - Size: 98.6 KB - Last synced: 23 days ago - Pushed: over 5 years ago - Stars: 4 - Forks: 1

SalehAhmedShafin/Multimodal-Disaster-Event-Identification-from-Social-Media-Posts

We have proposed a multimodal approach. Where we first took the best unimodal for textual and visual data classification by testing and automation process. Then we fusion of the two models which can successfully classify the materials that have been damaged using the image and text data. EfficientNetB3+BERT multimodal better accuracy with 94.18%

Language: Jupyter Notebook - Size: 1.85 MB - Last synced: 3 months ago - Pushed: 9 months ago - Stars: 1 - Forks: 0

kanedaaaa/Pytorch-CIFAR10

Image classification models on CIFAR10 dataset using pytorch

Language: Python - Size: 26.4 KB - Last synced: 9 months ago - Pushed: about 3 years ago - Stars: 14 - Forks: 2

KwokHing/Udacity-Project-Dog-Classification

This project from the Udacity Deep Learning Nanodegree Programme deploys the use of Convolutional Neural Networks (CNN) in PyTorch to classify dog breeds.

Language: Jupyter Notebook - Size: 6.37 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 1 - Forks: 1

AboNady/FMNIST_CNN

This project is a convolutional neural network (CNN) built using PyTorch that classifies images from the Fashion-MNIST dataset. The network consists of several layers including convolutional layers, pooling layers, and fully connected layers. The model achieved an accuracy of 92.1%

Language: Jupyter Notebook - Size: 385 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

sd2001/DANCE2LIVE-Hackerearth

💻DANCE2LIVE🕺 - HackerEarth Deep Learning Classification Challenge.

Language: Jupyter Notebook - Size: 2.63 MB - Last synced: 9 months ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

Related Keywords
pytorch-cnn 278 pytorch 175 deep-learning 83 pytorch-implementation 58 cnn 47 python 46 machine-learning 38 deep-neural-networks 35 pytorch-tutorial 34 image-classification 32 convolutional-neural-networks 32 cnn-classification 27 computer-vision 25 python3 24 neural-network 24 classification 19 transfer-learning 15 deeplearning 14 pytorch-gan 11 cnn-model 10 image-processing 10 cnn-pytorch 9 convolutional-neural-network 8 pytorch-implmention 8 pytorch-tutorials 8 image-segmentation 8 resnet-18 8 neural-networks 8 tensorflow 8 keras 8 artificial-intelligence 7 pytorch-nlp 7 segmentation 6 resnet-50 6 image-recognition 6 numpy 6 mnist 6 udacity-nanodegree 6 pytorch-cnn-classification 6 autoencoder 5 opencv 5 udacity 5 fastai 5 resnet 5 jupyter-notebook 5 cifar10 5 vgg16 5 unet 5 torchvision 5 udacity-deep-learning 5 medical-imaging 5 medical-image-processing 5 cnn-architecture 4 face-recognition 4 unet-pytorch 4 streamlit 4 machine-learning-algorithms 4 ai 4 lstm 4 artificial-neural-networks 4 vgg 4 vgg19 4 gan 4 semantic-segmentation 4 generative-adversarial-network 4 kaggle 4 scikit-learn 4 reinforcement-learning 4 object-detection 4 nlp 4 linear-regression 3 opencv-python 3 pandas 3 sklearn 3 super-resolution 3 alexnet 3 flask 3 deployment 3 fashion-mnist 3 pruning 3 torch 3 data-science 3 low-level-vision 3 visualization 3 tutorial 3 cnn-keras 3 densenet 3 pytorch-rnn 3 real-time 2 autoencoders 2 hyperdensenet 2 adversarial-learning 2 pytorch-lightning 2 rnn-pytorch 2 pytorch-lstm 2 facial-landmarks 2 multi-modal-imaging 2 stock-price-prediction 2 3d-cnn 2 pretrained-models 2