There are 5 repositories under resnet-50 topic.
Tools to Design or Visualize Architecture of Neural Network
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
StyleGAN Encoder - converts real images to latent space
ImageNet pre-trained models with batch normalization for the Caffe framework
Keras implementation of a ResNet-CAM model
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.
Detecting cinema shot types using a ResNet-50
An easy implementation of Faster R-CNN (https://arxiv.org/pdf/1506.01497.pdf) in PyTorch.
Dynamic and static models for real-time facial emotion recognition
Unofficial implementation with pytorch DistributedDataParallel for "MoCo: Momentum Contrast for Unsupervised Visual Representation Learning"
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
Bone Fracture Detection using deep learning (Resnet50) - Final project in the fourth year of the degree
An easy implementation of FPN (https://arxiv.org/pdf/1612.03144.pdf) in PyTorch.
A fashion Recommender system using deep learning Resnet50 and Nearest neighbour algorithm
Segmentation for vertebra in MR images
A one stop shop for all of your activity recognition needs.
Official implementation for CVPR2023 Paper "Re-IQA : Unsupervised Learning for Image Quality Assessment in the Wild"
Deep neural network trained to detect eye contact from facial image
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.
Deep-learning seismic facies on state-of-the-art CNN architectures
[official] No reference image quality assessment based Semantic Feature Aggregation, published in ACM MM 2017, TMM 2019
CP and Tucker decomposition for Convolutional Neural Networks
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
Brain Tomur Classification Using Pre-trained Models
Implementation of a Neural Network that can detect whether a video is in-game or not
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.
Pytorch model for NSFW classification with usage example
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.
여러가지 유명한 신경망 모델들을 제공합니다. (DCGAN, VAE, Resnet 등등)
Base on tensorrt version 8.2.4, compare inference speed for different tensorrt api.
Computer Vision - Impemented algorithms - Hybrid image, Corner detection, Scale space blob detection, Scene classifiers, Vanishing point detection, Finding height of an object, Image stitching.
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.