resnet50
There are 199 repositories under resnet50 topic.
szq0214/MEAL-V2
MEAL V2: Boosting Vanilla ResNet-50 to 80%+ Top-1 Accuracy on ImageNet without Tricks. In NeurIPS 2020 workshop.
thomas-yanxin/the-eye-knows-the-garbage
慧眼识垃圾系统——垃圾分类全套技术方案
IanTaehoonYoo/semantic-segmentation-pytorch
Pytorch implementation of FCN, UNet, PSPNet, and various encoder models.
hli1221/imagefusion_resnet50
ResNet-ZCA (Journal of Infrared Physics & Technology 2019, Highly Cited Paper), MatLab
epic-kitchens/epic-kitchens-55-action-models
EPIC-KITCHENS-55 baselines for Action Recognition
vijayg15/Keras-MultiClass-Image-Classification
Multiclass image classification using Convolutional Neural Network
GowthamGottimukkala/I3D_Feature_Extraction_resnet
I3D features extractor with resnet50 backbone
dipayan90/deep-learning-image-similarity
Takes 2 images and says how similar they are based on Euclidean distance of feature vectors
rmccorm4/PyTorch-LMDB
Scripts to work with LMDB + PyTorch for Imagenet training
sayakpaul/Breast-Cancer-Detection-using-Deep-Learning
Experiments to show the usage of deep learning to detect breast cancer from breast histopathology images
KhaLee2307/image-retrieval
Content-Based Image Retrieval (CBIR) using Faiss (Facebook) and many different feature extraction methods ( VGG16, ResNet50, Local Binary Pattern, RGBHistogram)
wangyunjeff/ResNet50-MNIST-pytorch
这是一个resnet-50的pytorch实现的库,在MNIST数据集上进行训练和测试。
Frightera/Sample-Machine-Learning-Projects
Some example projects that was made using Tensorflow (mostly). This repository contains the projects that I've experimented-tried when I was new in Deep Learning.
anindox8/Deep-Segmentation-Features-for-Weakly-Supervised-3D-Disease-Classification-in-Chest-CT
Weakly supervised 3D classification of multi-disease chest CT scans using multi-resolution deep segmentation features via dual-stage CNN architecture (DenseVNet, 3D Residual U-Net).
mukul54/Flipkart-Grid-Challenge
Our Solution of the Flipkart Grid Challenge
dumitrux/architectural-style-recognition
ArchitecturalStyle Recognition is a image classifier of 25 different architectural styles, using deep learning.
Solrikk/PicTrace
✨PicTrace is an advanced Python-based application equipped with a graphical user interface (GUI) that enables users to identify visually similar images from a comprehensive photo archive. By harnessing the capabilities of deep learning and sophisticated image processing methodologies
bigmb/mb_milvus
Image Similarity search build on Milvus
rodrigobressan/PADify
Framework to perform PAD (Presentation Attack Detection) on Facial Recognition systems through intrinsic properties and Deep Neural Networks - Still Under Development
iamtekson/DL-for-LULC-prediction
This is the ResNet50 implementation of the Eurosat dataset.
JiahongChen/ResNet-decoder
Encoder-decoder architecture using ResNet and transposed ResNet (resnet 50, resnet 101)
mckellwoodland/fid-med-eval
Official Repository for the paper "Feature Extraction for Generative Medical Imaging Evaluation: New Evidence Against an Evolving Trend".
grimmdaniel/personality-trait-prediction
Big Five personality trait prediction on First Impressions V2 dataset
liuyingbin19222/HSI_svm_pca_resNet50
use SVM and PCA_ResNet50 to classify HSI
nssharmaofficial/image-caption-generator
Image captioning model with Resnet50 encoder and LSTM decoder
lbrejon/Compute-similarity-between-images-using-CNN
Compute cosine similarity with VGG16 and ResNet50
powerli2002/ChineseFoodNet-Resnet50
Training code for ChineseFoodNet dataset. 对ChineseFoodNet数据集的训练代码
shawon100/image-recognition-resnet50-flask
Web Based Image Recognition System in Python Flask
davide-coccomini/Adversarial-Magnification-to-Deceive-Deepfake-Detection-through-Super-Resolution
Official code for the paper "Adversarial Magnification to Deceive Deepfake Detection through Super Resolution"
Divyam6969/Pneumonia-Detection-using-FastAI
This project uses a pre-trained ResNet50 model from the FastAI library to detect pneumonia in chest X-rays. The dataset which is available on kaggle is used for training the model which classifies the chest xray as NORMAL, VIRAL or BACTERIAL and this project is deployed on Flask
lpyleo/refuse-classification
基于python和resnet50实现的垃圾分类
gh203322/image-search-by-image
Image Search by Image, Image Search Engine Based on Graph Vector And Vector Database(以图搜图,基于图向量和向量数据库的图片搜索引擎)
emirkaanozdemr/Retina-Classification-Using-DCGAN-and-CNN
In this project, I aim to develop a robust system to classify real and synthetic retina images using advanced machine learning. I will generate synthetic retina images from a single eye photo using Deep Convolutional Generative Adversarial Networks (DCGAN) and classify them with a Convolutional Neural Network (CNN).
MaorAssayag/morse-deep-learning-detect-and-decode
Morse Code Decoder & Detector with Deep Learning
mahendranandi/Image_Captioning
Image captioning using ResNet50 and LSTM in keras library. An application of both CV (Computer Vision) and NLP(Natural Language Processing) concepts.