inception-resnet
There are 36 repositories under inception-resnet topic.
timesler/facenet-pytorch
Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models
soeaver/caffe-model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
taki0112/SENet-Tensorflow
Simple Tensorflow implementation of "Squeeze and Excitation Networks" using Cifar10 (ResNeXt, Inception-v4, Inception-resnet-v2)
baldassarreFe/deep-koalarization
Keras/Tensorflow implementation of our paper Grayscale Image Colorization using deep CNN and Inception-ResNet-v2 (https://arxiv.org/abs/1712.03400)
titu1994/Inception-v4
Inception-v4, Inception - Resnet-v1 and v2 Architectures in Keras
habrman/FaceRecognition
Webcam face recognition using tensorflow and opencv
obendidi/X-ray-classification
X-ray Images (Chest images) analysis and anomaly detection using Transfer learning with inception v2
hoang-ho/Skin_Lesions_Classification_DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
wmpscc/CNN-Series-Getting-Started-and-PyTorch-Implementation
我的笔记和Demo,包含分类,检测、分割、知识蒸馏。
twtygqyy/Inception-resnet-v2
Inception-resnet-v2 in Caffe
gyang274/tensorflow-serving-tutorial
A step by step guide on how to use tensorflow serving to serve a tensorflow model.
yaxan/Naruto_Handsign_Classification
Naruto Hand Gesture Recognition with OpenCV and Transfer Learning
shaurya-jain-06/Attendance_Monitoring_System
Attendance Monitoring System that has a tracker, face detection, face recognition and database connectivity all integrated together. The tracker is based on Strongsort, yolov8 is used for face detection, InceptionResnet is used for face recognition and MySQL for database connectivity.
nafiuny/ICRCycleGAN-VC
Non-parallel voice conversion called ICRCycleGAN-VC based on CycleGAN and Inception-resNet module by Afiuny
rmutegeki/iSPLInception
This is the companion repository for our paper iSPLInception: Redefining the State-of-the-Art for Human Activity Recognition which will be published in IEEE Access - 2021.
andrea-zanella/keras-transfer-learning-inception-resnetv2
Keras and tensorflow transfer learning, starting from the pre-trained inception_resnetV2 model
TataMoktari/Pose-Attention-Guided-Profile-to-Frontal-Face-Recognition
Developed a deep novel coupled profile to frontal face recognition network incorporating pose as an auxiliary information via attention mechanism (i.e., implemented a pose attention module).
YadavAkash96/Attendance_monitor_by_face_recog
Attendance Monitoring
ZhaoyueCheng/Image-Style-Recognition
Image Style Recognition using Transfer Learning with Pre-trained ResNet
AKASH2907/deep_learning_practice
keras & Pytorch implemetation of deep learning models: fine-tuning approaches, dataset analysis, hyperparameter optimization, etc.
Bakaczor/InceptionResidualNet
IncResNet is a convolutional neural network architecture designed for the task of human age recognition, implemented using TorchSharp library. It was created as a part of project carried out at course “Introduction to Machine Learning” at the Warsaw University of Technology.
hvvashistha/Auto-Colorize
Attempt at Machine Learning Project to automatically add color to gray-scale images
shunk031/chainer-InceptionResNetV2
Chainer implementation of the paper "Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning" (https://arxiv.org/abs/1602.07261)
53X/Deep-Colorization
This is an implementation of the CVPR 2017 paper - Deep Koalarization : Image Colorization using deep CNNs and Inception Resnet V2
FrozenWolf-Cyber/Face-Recognition
Training Siamese model to create a one-shot neural network model using Face-Net and MTCNN as the backbone. Yolov5 and OpenCV is used alongside to classify faces in the webcam feed
mohammadmozafari/face-clustering
This is the implementation of my BSc project. A software that can group pictures based on the identity of the people in them.
Pradnya1208/CNN-Architectures
The aim of this project is to implement/use pretrained popular architectures such as VGG16, VGG19, ResNet, AlexNet etc.
PrestonYU/DeepLearning-ComputerVision-Marathon-Challenge
Cupoy AI Learning Hub - 1st DL & CV Challenge
sauravmishra1710/Inception---Going-Deeper-with-Convolutions
Inception - Going Deeper with Convolutions
vatsmyname/Attendance-Monitoring-System
Attendance Monitoring System that has a tracker, face detection, face recognition and database connectivity all integrated together. The tracker is based on Strongsort, yolov8 is used for face detection, InceptionResnet is used for face recognition and MySQL for database connectivity.
andrea-zanella/keras-basic-inception-resnet-v2
Keras and tensorflow implementation of the inception-resnetV2 model
darpan-jain/Automated-Event-Registration
Automated registrations for meetups and events. Makes way for a constant and smooth flow for crowded events.
wencoast/SimpleCNNandResNet
SimpleCNN and ResNet performance comparison
nanfengpo/deep-koalarization
Grayscale Image Colorization using deep CNN and Inception-ResNet-v2 (DD2424 Deep Learning in Science course at KTH 2017)