vgg19-model
There are 20 repositories under vgg19-model topic.
iremakalp/Plant_Disease_Detection
This repo contains the python codes of my final thesis "Analysis of leaf species and detection of diseases using image processing and machine learning methods".
PawarMukesh/Brain-Tumor-Detection
BASED ON BRAIN MRI IMAGES DATASET WE NEED CLASSIFY THE BRAIN TUMOUR
AbhiSaste5402/MSc-Project-Part1-Pneumonia-detection-using-tansfer-learning-on-ResNet50-VGG16-and-VGG19
The dataset having Pneumonia and Normal chest X-Ray images were trained on different numbers of epochs to check the variability in the training and validation accuracies. The ResNet50 model with the highest and closest Training and Validation accuracies was then used for the prediction.
somaiaahmed/Eye-diseases-classification
The Eye Disease Classification project aims to develop a robust model for the automated classification of retinal images . Leveraging a diverse dataset sourced from reputable repositories, the project employs a Convolutional Neural Network (CNN) architecture, with a focus on utilizing the pre-trained VGG19 model.
akash6murali/railtrack-feature-extractor
Feature Extraction on the Rail Lines Using Semantic Segmentation and Self-supervised Learning.
udhayan47/MonkeyPox-Classification
Classifying MonkeyPox Images using various Deep Learning networks (VGG16,VGG19,RESNET50 and a Custom CNN model)
29vishakha/PROJECT--Plant-Leaf-Disease-Prediction
PLANT LEAF DISEASE PREDICTION
andrianfranco/CamaraTrampa
Trap Camera with positioning system and classification of images by animal species
Anushkasawant239/Maleriaprediction
Malaria prediction using VGG19
Jaiswal0786/Image-Stylization
The GitHub repo on "Image Stylization using VGG19" has an implementation of neural style transfer using VGG19, allowing users to apply the style of one image to the content of another. It includes pre-trained models for easy use, enabling users to experiment with different styles and content images for creative and visually appealing results.
Madhushree2000/Malaria-Detection
To improve the accuracy and speed of malaria diagnosis, the project aims to distinguish Malaria infected human blood cells from the normal ones.
SadeemAlharthi/Benchmarking_Multiple_Deep_Learning_Models_for_Enhanced_COVID-19_Detection
we used publicly available datasets to apply some deep learning modeling techniques
saikaryekar/Forest-Fire-Classification-VGG19
This project aims to detect and classify forest fires using deep learning techniques, specifically the VGG-19 convolutional neural network model. The model is trained to analyze images and accurately predict whether they contain signs of a forest fire or not.
tilanprabudda/Automated-Image-Classification-using-VGG19-in-Keras
Embark on a machine learning journey with this Python project focusing on automated image classification. The implementation utilizes the VGG19 architecture in Keras, enhancing the model's ability to classify images across 38 different classes. Augmentation techniques like zooming, shearing, and horizontal flipping are employed for a robust dataset
wlopezm-unal/CNN_tensorFlow
Notebook on the use of the VGG19 model of a Convolutional Neural Network (CNN) for image classification of natural scenes. The framework is TensorFlow
Ashutosh27ind/styleTransferOnImageUsingCNN
We use a pre-trained model, VGGNet in our case for the python implementation of style transfer.
Jacob-Pitsenberger/CNN-Image-Style-Transfer-using-VGG19-and-PyTorch
A PyTorch project implementing neural style transfer using the VGG19 model, combining the content of one image with the style of another for artistic transformations.
jungsoh/nst-merging-content-and-style
Neural style transfer to merge content and style images using pre-trained VGG19 model
Pradnya1208/Classification-of-flowers-using-VGG19
The goal of this project is to study and implement VGG19 based classification model for Flowers' dataset.