resnet-50
There are 1042 repositories under resnet-50 topic.
ashishpatel26/Tools-to-Design-or-Visualize-Architecture-of-Neural-Network
Tools to Design or Visualize Architecture of Neural Network
RubensZimbres/Repo-2017
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
pbaylies/stylegan-encoder
StyleGAN Encoder - converts real images to latent space
cvjena/cnn-models
ImageNet pre-trained models with batch normalization for the Caffe framework
alexisbcook/ResNetCAM-keras
Keras implementation of a ResNet-CAM model
peteryuX/retinaface-tf2
RetinaFace (Single-stage Dense Face Localisation in the Wild, 2019) implemented (ResNet50, MobileNetV2 trained on single GPU) in Tensorflow 2.0+. This is an unofficial implementation. With Colab.
AlexOlsen/DeepWeeds
A Multiclass Weed Species Image Dataset for Deep Learning
rsomani95/shot-type-classifier
Detecting cinema shot types using a ResNet-50
potterhsu/easy-faster-rcnn.pytorch
An easy implementation of Faster R-CNN (https://arxiv.org/pdf/1506.01497.pdf) in PyTorch.
bl0/moco
Unofficial implementation with pytorch DistributedDataParallel for "MoCo: Momentum Contrast for Unsupervised Visual Representation Learning"
aksh-ai/neuralBlack
A Multi-Class Brain Tumor Classifier using Convolutional Neural Network with 99% Accuracy achieved by applying the method of Transfer Learning using Python and Pytorch Deep Learning Framework
potterhsu/easy-fpn.pytorch
An easy implementation of FPN (https://arxiv.org/pdf/1612.03144.pdf) in PyTorch.
CHENGY12/DMML
code for ICCV19 paper "Deep Meta Metric Learning"
MichiganCOG/M-PACT
A one stop shop for all of your activity recognition needs.
Alkoby/Bone-Fracture-Detection
Bone Fracture Detection using deep learning (Resnet50) - Final project in the fourth year of the degree
sonu275981/Fashion-Recommender-system
A fashion Recommender system using deep learning Resnet50 and Nearest neighbour algorithm
ElenaRyumina/EMO-AffectNetModel
Dynamic and static models for real-time facial emotion recognition
avinabsaha/ReIQA
Official implementation for CVPR2023 Paper "Re-IQA : Unsupervised Learning for Image Quality Assessment in the Wild"
TripleCoenzyme/ResNet50-Unet
Segmentation for vertebra in MR images
microsoft/art
Exploring the connections between artworks with deep "Visual Analogies"
rehg-lab/eye-contact-cnn
Deep neural network trained to detect eye contact from facial image
SathwikTejaswi/deep-ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
lidq92/SFA
[official] No reference image quality assessment based Semantic Feature Aggregation, published in ACM MM 2017, TMM 2019
ruihangdu/Decompose-CNN
CP and Tucker decomposition for Convolutional Neural Networks
Ugenteraan/ResNet-50-CBAM-PyTorch
Implementation of Resnet-50 with and without CBAM in PyTorch v1.8. Implementation tested on Intel Image Classification dataset from https://www.kaggle.com/puneet6060/intel-image-classification.
JesperDramsch/seismic-transfer-learning
Deep-learning seismic facies on state-of-the-art CNN architectures
ContentAutomation/NeuralNetworks
Implementation of a Neural Network that can detect whether a video is in-game or not
masoudnick/Brain-Tumor-MRI-Classification
Brain Tomur Classification Using Pre-trained Models
Joshmantova/Eagle-Vision
Deployed bird classification webapp using Deep Learning, Docker, and Streamlit. Users can go onto the webapp and either upload their own images of birds or select from a set of images to feed through a Deep Learning model and display a prediction.
emiliantolo/pytorch_nsfw_model
Pytorch model for NSFW classification with usage example
jk96491/Advanced_Models
여러가지 유명한 신경망 모델들을 제공합니다. (DCGAN, VAE, Resnet 등등)
Abhishekmamidi123/Computer-Vision
Computer Vision - Impemented algorithms - Hybrid image, Corner detection, Scale space blob detection, Scene classifiers, Vanishing point detection, Finding height of an object, Image stitching.
deepak2233/Waste-or-Garbage-Classification-Using-Deep-Learning
This model is created using pre-trained CNN architecture (VGG16 and RESNET50) via Transfer Learning that classifies the Waste or Garbage material (class labels =7) for recycling.
s/CoreMLDemo
CoreML.framework Demo App
jingxuanyang/Shopee-Product-Matching
This repo deals with a Kaggle competition: Shopee - Price Match Guarantee. The purpose is to determine if two products are the same by their images.
bjekic/WallSegmentation
Implementation of a wall segmentation algorithm in PyTorch.