inception-resnet-v2
There are 97 repositories under inception-resnet-v2 topic.
weiaicunzai/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
qubvel/classification_models
Classification models trained on ImageNet. Keras.
calmiLovesAI/Basic_CNNs_TensorFlow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
puke3615/SceneClassify
AI场景分类竞赛
kobiso/CBAM-tensorflow
CBAM implementation on TensowFlow
zhulf0804/Inceptionv4_and_Inception-ResNetv2.PyTorch
A PyTorch implementation of Inception-v4 and Inception-ResNet-v2.
kobiso/CBAM-tensorflow-slim
CBAM implementation on TensorFlow Slim
xinyooo/deepfake-detection
DeepFake Detection: Detect the video is fake or not using InceptionResNetV2.
AKASH2907/bird_species_classification
Supervised Classification of bird species :bird: in high resolution images, especially for, Himalayan birds, having diverse species with fairly low amount of labelled data [ICVGIPW'18]
kobiso/SENet-tensorflow-slim
SENet implementation on TensorFlow Slim
Sakib1263/Inception-InceptionResNet-SEInception-SEInceptionResNet-1D-2D-Tensorflow-Keras
Models Supported: Inception [v1, v2, v3, v4], SE-Inception, Inception_ResNet [v1, v2], SE-Inception_ResNet (1D and 2D version with DEMO for Classification and Regression)
soumik12345/Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
neemiasbsilva/regression-in-CNNs-applied-to-plant-leaf-count
Regression in Convolutional Neural Network applied to Plant Leaf Count
calmiLovesAI/InceptionV4_TensorFlow2
A tensorflow2 implementation of Inception_V4, Inception_ResNet_V1 and Inception_ResNet_V2.
mo26-web/Chest-X-Ray-Image_Segmentation_ResUNet
Lung segmentation for chest X-Ray images with ResUNet and UNet. In addition, feature extraction and tuberculosis cases diagnosis had developed.
kumar-shridhar/CNN_Architectures
Keras Implementation of major CNN architectures
yudhisteer/Face-Recognition-with-Masks
This project involves automating the attendance system of RT Knits using Face Recognition. Due to Covid-19, people are obliged to wear masks hence, the system is successful in recognizing people despite wearing masks.
BobsProgrammingAcademy/image-classification-layout-customization
An image classification app built using Django 4, Django REST Framework 3, Next.js 12, and Material UI 5. The app uses Inception-ResNet-v2 to classify images selected by the user.
Snigdho8869/Computer-Vision-Projects
Explore diverse computer vision projects using Transfer Learning(TL), Convolutional Neural Networks (CNN), Autoencoder and more in this collaborative repository
deep-learning-algorithm/GoogLeNet
Implementation of GoogLeNet series Algorithm
ShivamGupta92/Retinacare-Early-Detection-Of-Diabetic-Retinopathy
Early Detection of Diabetic Retinopathy System, an application, uses machine learning to assess diabetic retinopathy risk. Input your health data and get results within seconds: Ranging from ['Mild', 'Moderate', 'Severe', 'No_DR']
PerXeptron/X-Ray-Anomaly-Detection-Models
Ensemble based transfer learning approach for accurately classifying common thoracic diseases from Chest X-Rays
ThanasisMattas/smartflow
A Deep Learning solver for the Shallow Water Equations
taliegemen/Fashion-Classification
MATLAB Fashion Classification with Deep Learning.
raghavm1/CZ4041--Machine-Learning
The project for NTU's course on Machine Learning, CZ4041
adityasurana/Google-Landmark-Recognition-Challenge
Landmark Recognition(Google Challenge on Kaggle) Using Transfer Learning
abvnithish/Breast_Cancer_Classification
Deep Learning in Medicine Final Project
NicholasDominic/Neuroimage-Classif-ASD
Transfer Learning using InceptionResNetV2 to the Augmented Neuroimage Data for the Autism Spectrum Disorder (ASD) Classification, using ABIDE I dataset.
aa1000/DeepImageRetrieval
Content-based image retrieval example using Deep Neural Networks (Inception Res-Net V2) in Keras
Ali-Fartoot/Persian-Vehicle-License-Plate-Recognition
Persian Vehicle License Plate Recognition
fadh1l/Inception-Resnet-Swin-Transformer
Swin Transformer + Inception-ResNet = Improved Performance ✨ Evaluated on a Retinal OCT dataset.
jajokine/CycleGAN-with-Claude-Monet-Paintings
Capturing the special characteristics of Claude Monet's paintings in order to turn ordinary pictures into similar style paintings
SatyamOzaR/Glaucoma_Detection_Final_Year_Project
A Transfer Learning Based Web App for Glaucoma Detection Using Low-Cost Ophthalmoscopic Camera
tamerthamoqa/CheXpert-multilabel-classification-tensorflow
Code repository for training multi-label classification models on the CheXpert Chest X-ray dataset.
alihassanml/Car-Number-Plates-Detection
This repository contains a deep learning project for detecting car number plates using object detection techniques and the InceptionResNetV2 model. The project is built on a dataset of car images with annotated bounding boxes around the number plates.