resnet-152
There are 47 repositories under resnet-152 topic.
Helias/Car-Model-Recognition
Car Model Recognition project
souravs17031999/Retinal_blindness_detection_Pytorch
Detecting Diabetic Retinopathy using Deep learning algorithm - Convolution neural network (Resnet-152) using PyTorch + GUI + SMS notification
johnnylu305/ResNet-50-101-152
This is an implementation of ResNet-50/101/152.
miladfa7/Image-Classification-Transfer-Learning
Building ResNet152 Model for Image Classification with Small Dataset (95% accuracy) | Tensorflow 2.0
SathwikTejaswi/Neural-Image-Captioning
This is an implementation of the paper "Show and Tell: A Neural Image Caption Generator".
YeonwooSung/PyTorch_CNN_Architectures
My PyTorch implementation of CNNs. All networks in this repository are using CIFAR-100 dataset for training.
LaurentVeyssier/Skin-Cancer-Classifier-Dermatologist-AI
Deep Neural network using CNN pre-trained model to visually diagnose between 3 types of skin lesions
deveshsangwan/Skin-lesions-classification
This repo includes classifier trained to distinct 7 type of skin lesions
karolzak/images-vector-search
Simple implementation of search for visually similar images using deep learning and vector search. It's based on pretrained ImageNet weights so it doesnt require any additional training
DocBot-Bangkit-2021/DocBot-MachineLearningModels
This repository is used to create Machine Learning models. Building three kinds of models that include covid detection, fruit and vegetable nutrition content, and general disease detection.
SeroviICAI/Mamba-Biometric-EKG-Analysis-Technology-MambaBEAT
In the realm of EKG/ECG analysis, deep learning models have made significant strides. However, the pursuit of efficiency and accuracy persists. The proposed Mamba Biometric EKG Analysis Technology (MambaBEAT) project aims to utilize the Mamba model, a promising sequence modeling architecture, to further advance EKG analysis.
Akash-Ramjyothi/Land-Cover-Classification-Satellite-Image-Processing
Developed a and Cover Classification system using Satellite Image Processing with the help of Remote Sensing images. The system can classify between Forest land, Agricultural of Paddy fields nd Urban areas from a given Dataset. All the step by step procedure has been done and executed in the Jupyter notebook. The system can also clasify the Land cover into various other categories as well as shown in the Sample predicted results.
qubvel/resnet_152
Pretrained on ImageNet ResNet-152 model in Keras
ImMohammadHosseini/FontRecognition
:sparkles: Font recognition using deep neural networks. :boom: This repository includes an implementation of Article "DeepFont: Identify Your Font from An Image" :fire: for font recognition and two transfer-learning models. :zap:
statisticszhang/ResNet-caffe-models
Resnet-18、Resnet-34 and Resnet-50 etc. caffe train prototxt files.
aaakashkumar/Dog-Breed-Classifier
A dog breed classifier made using Convolutional Neural Networks and Transfer Learning, as a part of the Udacity's Machine Learning Engineer Nanodegree.
tamerthamoqa/CheXpert-multilabel-classification-tensorflow
Code repository for training multi-label classification models on the CheXpert Chest X-ray dataset.
AlaaMahmoud95/Dog-Breed-Identification
Deep-Learning Classification Project
binruable/dogs-vs-cats
Multiple Imagenet frameworks used for "dogs vs cats"
deep-learning-algorithm/ResNet
Implementation of ResNet series Algorithm
imbikramsaha/cifar10-fastai-resnet152
A Deep Learning model trained on Cifar-10 dataset, with the help of fastai library and ResNet-152 architecture, which achieve 86.22% accuracy.
Mohamed-Galloul/Deep-Learning-Nanodegree-Projects
This a repo for the projects I completed during my Deep Learning Udacity Nanodegree.
vktr274/every-resnet-tensorflow
Tensorflow 2 implementations of ResNet-18, ResNet-34, ResNet-50, ResNet-101, and ResNet-152 from Deep Residual Learning for Image Recognition by Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun (2015)
chaitanyacsss/SceneClassification
Scene Classification using pytorch : Dataset created using frames from youtube videos
daniqsilva25/tactode_recognition
Code repository for Tactode tiles recognition using: (i) machine learning with HOG&SVM, (ii) deep learning with some neural networks like VGG16/19, ResNet152, MobileNetV2, YOLOv4 and SSD, (iii) matching of handcrafted features with SIFT, SURF, ORB and BRISK, and (iv) template matching.
ititandev/deep-learning-benchmark
DeepLearning Benchmark for multi-harware & multi-framework
kiritigowda/MIVisionX-Classifier
Live Image Classification
mb11797/Regional_OCR
An OCR to detect and identify text in Indian Regional Languages
ponpon010548/tf2-resnet
Implementation of resnet.
soni-ratnesh/Street-Dog-Breeed-Image-Classifier
Wondering of which breed is that streat dog. Model to predict the breed of a street dog given its image. Usses RESNET for predoction.
elaaatif/spectrogram-voice-analysis-with-ResNet-152
This repository contains code for a deep learning project aimed at analyzing voice data using spectrograms and a ResNet-152 architecture using the UrbanSound8K dataset
SomyanshAvasthi/Retinopathy-Detection-using-ResNet-Model
To develop a computer aided diagnosis tool to detect the presence of diabetic retinopathy and classify whether it is a normal diabetic retinopathy or an abnormal diabetic retinopathy.
HR-Fahim/ResNet-152-Model-Testing-with-PyTorch
Test with ResNet-152 Deep Learning Model.
mcPython95/cotton-plant-disease-detection
This project focuses on detecting diseases in cotton plants using machine learning techniques. Early detection of diseases in cotton plants can help farmers take preventive measures and ensure better crop yields. The project uses a Convolutional Neural Network (CNN) based on ResNet152 architecture for image classification.