Topic: "xception"
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)
Language: Python - Size: 530 KB - Last synced at: about 21 hours ago - Pushed at: 10 months ago - Stars: 4,531 - Forks: 1,191

jfzhang95/pytorch-deeplab-xception
DeepLab v3+ model in PyTorch. Support different backbones.
Language: Python - Size: 917 KB - Last synced at: about 13 hours ago - Pushed at: 9 months ago - Stars: 2,961 - Forks: 780

qubvel/classification_models
Classification models trained on ImageNet. Keras.
Language: Python - Size: 4.01 MB - Last synced at: about 12 hours ago - Pushed at: almost 3 years ago - Stars: 1,229 - Forks: 310

GoogleCloudPlatform/keras-idiomatic-programmer 📦
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
Language: Jupyter Notebook - Size: 94.6 MB - Last synced at: 26 days ago - Pushed at: over 4 years ago - Stars: 817 - Forks: 282

LikeLy-Journey/SegmenTron
Support PointRend, Fast_SCNN, HRNet, Deeplabv3_plus(xception, resnet, mobilenet), ContextNet, FPENet, DABNet, EdaNet, ENet, Espnetv2, RefineNet, UNet, DANet, HRNet, DFANet, HardNet, LedNet, OCNet, EncNet, DuNet, CGNet, CCNet, BiSeNet, PSPNet, ICNet, FCN, deeplab)
Language: Python - Size: 4.19 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 672 - Forks: 162

ypwhs/dogs_vs_cats
猫狗大战
Language: Jupyter Notebook - Size: 1.78 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 624 - Forks: 258

HLearning/ai_papers
AI Papers
Size: 11.7 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 255 - Forks: 6

puke3615/SceneClassify
AI场景分类竞赛
Language: Python - Size: 609 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 187 - Forks: 71

kaushikjadhav01/COVID-19-Detection-Flask-App-based-on-Chest-X-rays-and-CT-Scans
COVID-19 Detection Chest X-rays and CT scans: COVID-19 Detection based on Chest X-rays and CT Scans using four Transfer Learning algorithms: VGG16, ResNet50, InceptionV3, Xception. The models were trained for 500 epochs on around 1000 Chest X-rays and around 750 CT Scan images on Google Colab GPU. A Flask App was later developed wherein user can upload Chest X-rays or CT Scans and get the output of possibility of COVID infection.
Language: Jupyter Notebook - Size: 399 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 126 - Forks: 80

songdejia/DeepLab_v3_plus
This is an ongoing re-implementation of DeepLab_v3_plus on pytorch which is trained on VOC2012 and use ResNet101 for backbone.
Language: Python - Size: 1.94 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 88 - Forks: 20

deepdiy/deepdiy
Deep learning based tool for image processing. No need for Programing and GPU.
Language: Python - Size: 3.97 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 62 - Forks: 16

yoshidan/pytorch-facial-expression-recognition
Lightweight Facial Expression(emotion) Recognition model
Language: Python - Size: 1.39 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 61 - Forks: 8

otenim/Xception-with-Your-Own-Dataset
Easy-to-use scripts for training and inferencing with Xception on your own dataset
Language: Python - Size: 230 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 53 - Forks: 32

ethanhe42/Xception-caffe
Xception implemented with caffe
Size: 18.6 KB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 45 - Forks: 64

Robinatp/Tensorflow_Model_Slim_Classify
Train/Eval the popular network by TF-Slim,include mobilenet/shufflenet/squeezenet/resnet/inception/vgg/alexnet
Language: Python - Size: 1.45 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 45 - Forks: 20

NadavIs56/Skin_Disease_AI
A Python-based computer vision and AI system for skin disease recognition and diagnosis. Led end-to-end project pipeline, including data gathering, preprocessing, and training models. Utilized Keras, TensorFlow, OpenCV, and other libraries for image processing and CNN models, showcasing expertise in deep learning and machine learning techniques.
Language: PureBasic - Size: 4.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 36 - Forks: 10

PWB97/Deepfake-detection
Learning a Deep Dual-level Network for Robust DeepFake Detection
Language: Python - Size: 3.47 MB - Last synced at: 2 days ago - Pushed at: almost 3 years ago - Stars: 34 - Forks: 5

BiDAlab/AI4Food-NutritionDB
This GitHub repository contains instructions for downloading and utilizing the AI4Food-NutritionDB food image database, as well as different food recognition systems based on Xception and EfficientNetV2 architectures.
Language: Python - Size: 17.5 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 33 - Forks: 6

TanyaChutani/Face-Mask-Detection-Tf2.x
An approach to detecting face masks in crowded places built using RetinaNet Face for face mask detection and Xception network for classification.
Language: Jupyter Notebook - Size: 54.5 MB - Last synced at: 16 days ago - Pushed at: over 4 years ago - Stars: 25 - Forks: 7

mr7495/covid19
Covid-19 and Pneumonia detection from X-ray Images from the paper: https://doi.org/10.1016/j.imu.2020.100360
Language: Jupyter Notebook - Size: 6.42 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 25 - Forks: 12

yoshidan/pytorch-eyeblink-detection
Simple Eye Blink Detection with CNN
Language: Python - Size: 2.49 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 22 - Forks: 10

Moeinh77/Image-Captioning-with-Beam-Search
Generating image captions using Xception Network and Beam Search in Keras - My Bachelor's thesis project
Language: Jupyter Notebook - Size: 52.2 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 18 - Forks: 3

aryashah2k/Automatic-Detection-Of-Lumpy-Skin-Disease-Using-Deep-Learning-Techniques
Independent Research Project on Automatic Detection Of Lumpy Skin Disease Using Deep Learning Techniques.
Language: Jupyter Notebook - Size: 17.9 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 0

aryashah2k/Monkeypox-Skin-Lesion-Classification-Using-Transfer-Learning-Approach
Official Code Files For My Research Paper Presented at 4th IEEE Bombay Section Signature Conference (IBSSC-2022). Paper Published in IEEEXplore.
Language: Jupyter Notebook - Size: 56.1 MB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 0

meet-minimalist/TinyImageNet-Benchmarks
Benchmarking various Computer Vision models on TinyImageNet Dataset
Language: Python - Size: 20.7 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 13 - Forks: 3

RolandGao/PyTorch_DeepLab
Here is an implementation of DeepLabv3+ in PyTorch(1.7). It supports many backbones and datasets.
Language: Python - Size: 115 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 2

f1recracker/pytorch-deeplab-v3-plus
Pytorch implementation of DeepLab V3+
Language: Python - Size: 40 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 13 - Forks: 1

doublechenching/xray14-keras
training a classification model with xray14 dataset
Language: Jupyter Notebook - Size: 5.09 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 2

HiKapok/Xception_Tensorflow
Xception V1 model in Tensorflow with pretrained weights on ImageNet
Language: Python - Size: 397 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 13 - Forks: 4

RomanKornev/dogs-vs-cats-redux
99.7% accuracy solution for Dogs vs Cats Redux Kaggle competition
Language: Jupyter Notebook - Size: 18.5 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 7

deveshsangwan/Skin-lesions-classification
This repo includes classifier trained to distinct 7 type of skin lesions
Language: Jupyter Notebook - Size: 962 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 7

PerXeptron/X-Ray-Anomaly-Detection-Models
Ensemble based transfer learning approach for accurately classifying common thoracic diseases from Chest X-Rays
Language: Jupyter Notebook - Size: 1.58 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 1

yanliang12/cheque_detection
Tagging images of bank cheques
Language: Python - Size: 5.62 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 5

leowangzi/LightHeadRCNN
pytorch-1.1 torchvision-0.3
Language: Python - Size: 954 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 0

oneforawe/ai-vision-for-endoscopy
Helping doctors prevent gastrointestinal cancers.
Language: Jupyter Notebook - Size: 2.36 GB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 3

SoySauceNZ/tf-crash-severity
This project aims to predict the crash severity for given road features contained within satellite images.
Language: Jupyter Notebook - Size: 7.22 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 1

Anagh-Sharma/Malware-Detection-using-Deep-Transfer-Learning-Static-Malware-Detection
Static malware detection using transfer learning techniques on MMCC_2015 dataset.
Language: Jupyter Notebook - Size: 2.09 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

BiDAlab/DeepFakes_FacialRegions
This GitHub provides different DeepFakes Detectors using facial regions and considering three different state-of-the-art fake detection systems.
Language: Python - Size: 1.33 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 3

taliegemen/Fashion-Classification
MATLAB Fashion Classification with Deep Learning.
Language: MATLAB - Size: 50.9 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 2

tanishqgautam/Image-Classifiers
Pytorch Implementation of Image Classifiers (MobileNet, ResNet, Xception)
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 4

adityasurana/Google-Landmark-Recognition-Challenge
Landmark Recognition(Google Challenge on Kaggle) Using Transfer Learning
Language: Jupyter Notebook - Size: 546 KB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 5

shunk031/chainer-Xception
Chainer implementation of the paper "Xception: Deep Learning with Depthwise Separable Convolutions" (https://arxiv.org/abs/1610.02357).
Language: Python - Size: 7.81 KB - Last synced at: 15 days ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 0

kazenokizi/defect_classification
Defect classificaiton using NEU dataset
Language: Python - Size: 119 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 2

aws-samples/deep-visual-search-workshop-infra
Workshop CDK Template to provision infra for the Deep Visual Search workshop
Language: Python - Size: 187 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 4 - Forks: 0

AlbertMP/Use-Xception-For-Face-Anti-Spoofing
[Bachelor Graduation Project] Use Xception model for face anti-spoofing
Language: Python - Size: 18.3 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

zottelsheep/meds_cloud_7
As part of a Cloud and Distributed Systems lecture, we developed a scalable application in the form of an image classifier meant for deployment on Kubernetes. We also created our own Kubernetes infrastructure bare metal server, complete with loadbalancing and ingress-support.
Language: Python - Size: 2.88 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

dr413677671/Anime-image-classification
Anime image theme classification model and its webApp.
Language: Python - Size: 97.3 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

kingjosephm/vehicle_make_model_classifier
Classifies 574 vehicle make-models using a ResNet50 architecture and YOLOv5
Language: Jupyter Notebook - Size: 67.5 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

naivomah3/lab-cv
Implementation of state-of-the-art models to do segmentation over our own dataset.
Language: Jupyter Notebook - Size: 10.5 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

TanyaChutani/Xception-Tf2.0
A TensorFlow2.0 implementation of Xception Deep Learning with Depthwise Separable Convolutions
Language: Jupyter Notebook - Size: 803 KB - Last synced at: 16 days ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 2

Geo-y20/Standard-OCR-
Explore the Standard OCR Project: a deep learning-based character recognition system leveraging advanced computer vision techniques. Detect characters in images using ResNet, Xception, Inception, and MobileNet models. Train, evaluate, and contribute to this cutting-edge technology.
Language: Jupyter Notebook - Size: 4.32 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

cattidea/shoeprint-recognition 📦
:footprints: “恒锐杯”鞋印花纹图像类别判定挑战赛
Language: Python - Size: 559 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

jacob-sycoff/aml-white-blood-cell-classifier
Uses deep learning to classify types of white blood cells in cell images from blood smear slides to aid in AML diagnosis.
Language: Jupyter Notebook - Size: 18.8 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1

achen353/Image-Caption-Generator
Simple image caption generator built upon Xception net using CNN and LSTM.
Language: Jupyter Notebook - Size: 526 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

h-ssiqueira/SkinLesionAI
Notebooks of pre trained models using the HAM10000 dataset
Language: Jupyter Notebook - Size: 266 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 1

olga1590/Detection_of_Covid-19_and_Pheumonia
CNN(Transfer Learning)
Language: Jupyter Notebook - Size: 25.4 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

naseemap47/ImageClassifier-Keras
ImageClassifier-Keras Custom Image Classifier using Custom model and pre-trained models like MobileNet, VGG, ResNet, EfficientNet,..etc with help of Tensorflow and Keras
Language: Python - Size: 68.4 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

kevinlu1248/recycler
Recyclables manager fine-tuned on XCeption using Kaggle's GPU instances.
Language: Python - Size: 1.05 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

NitishaS-812k/Predicting-ages-of-bones-from-X-Rays
This notebook is my attempt at predicting ages of children from the X-Ray images of their hands.
Language: Jupyter Notebook - Size: 2.93 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

akarsh-saxena/Image-Caption-Generator
A deep learning based image caption generator.
Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 2

mystic123/kaggle-cdiscount
Cdiscount Image Classification Challenge on kaggle.com
Language: Python - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

rishikksh20/Image-classifier-for-all
Universal Image classifier
Language: Jupyter Notebook - Size: 70.3 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

lintsinghua/VerifyVision-Pro
VerifyVision-Pro是一个完整的图像真伪鉴别解决方案,能够检测各类图像篡改和伪造,包括DeepFake、拼接、复制-移动和AI生成图像。本项目实现了从数据处理、模型训练到网页应用的全流程部署,支持多种深度学习架构,适合研究和实际应用场景。
Language: Python - Size: 0 Bytes - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

Jay-Suthar/DEEP-FAKE-DETECTION-using-cnn-xception-densenet121
Deep fake detection using cnn, Xception, Denesenet121, GAN on four different datasets.
Language: Jupyter Notebook - Size: 26.9 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

hamidsadeghi68/Signature-Classification
Signature Classification on ICDAR 2011 Signature Dataset
Language: Jupyter Notebook - Size: 243 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

kimdesok/DeepPATH Fork of ncoudray/DeepPATH
AI HUB Project: Classification of Lung Cancer Slide Images using Deep-Learning
Language: Jupyter Notebook - Size: 25.9 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

IMvision12/Pre-Trained-Models-Implementation
This Repo Is about Implementation Of Pre-Trained Models from scratch using Tensorflow
Language: Python - Size: 570 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

simjeongho/XceptionV2 Fork of InhaUnivSeniorProject/XceptionV2
Xception 모델 구조를 변형하는 실험과 WGAN-GP를 이용해 부족한 데이터를 증강하는 실험을 진행한 레포지토리입니다.
Language: Jupyter Notebook - Size: 99.3 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

santurini/Ships-Classification-with-Neural-Networks-Ensemble
Neural Networks ensemble via majority voting in order to classify ships given non-satellite images. All the models have been trained using PyTorch with pretrained weights.
Language: Python - Size: 90.8 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

ayoub-berdeddouch/AlgeriaGreen-part2-deployment
Deployment of the Omdena Algeria Chapter
Language: Python - Size: 10.3 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 3

nimeshm05/Classification-of-Foliar-Diseases-in-Apple-Leaves-using-Ensemble-CNN
Apple leaf diseases classification project.
Language: Python - Size: 1.64 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Diegomarmac/ML-BookCamp
Code and notes from the Machine Learning Bookcamp book
Language: Jupyter Notebook - Size: 80.3 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

VidhyaGupta/Car-Brand-Classification
Language: Jupyter Notebook - Size: 55.6 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

thisishardik/skin-tumor-detection
Computer aided Skin Tumor Detection for analysis and prediction of malignant skin lesions of the human body. The modelling is performed on the HAM10000 dataset and the dermatoscopic images of common pigmented skin lesions contained in the ISIC-SIIM archive.
Language: Jupyter Notebook - Size: 8.68 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

crmauceri/rgbd_deeplab Fork of jfzhang95/pytorch-deeplab-xception
DeepLab v3+ model in PyTorch supporting RGBD input
Language: Jupyter Notebook - Size: 281 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Kalovelo/pneumonia-detection-kaggle
Pneumonia detection from x-ray images using TensorFlow, Keras, and a good amount of prayers to the cooking gods.
Language: Jupyter Notebook - Size: 3.81 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

lordtt13/computer-vision
All the Computer Vision Models I've worked on
Language: Jupyter Notebook - Size: 198 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

pipidog/ImageModelZoo
Image Models (VGG, ResNet, MobileNet V1, MobileNet V2, Xception Net, DenseNet and more) from scratch.
Language: Python - Size: 5.63 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

m-romanenko/dog-project
Dog breed classifier
Language: Jupyter Notebook - Size: 55.6 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

gorjul/multi-output-xception
Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

DeepBodapati/lentil_app
Transfer learning with Xception CNN to recognize kids' toys and gear
Language: Jupyter Notebook - Size: 23.7 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

lloydpa18/VerifyVision-Pro
VerifyVision-Pro是一个全面的图像伪造篡改检测解决方案,利用深度学习(deep learning)和计算机视觉技术(cv)精确识别各类图像篡改,包括deepfake、AI生成内容、拼接操作和复制-移动篡改。基于PyTorch实现,集成了从数据处理、模型训练到部署的完整工作流程。
Language: Python - Size: 475 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

tusharkolekar24/OCR
Optical Character Recognition Demo
Language: CSS - Size: 5.16 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

utkuatasoy/Face-Expression-Recognition
This project implements a deep learning-based facial expression recognition system using the FER2013 dataset, addressing class imbalance through sampling strategies, enhancing accuracy with MTCNN-based face alignment, and enabling real-time inference via ONNX models.
Language: Jupyter Notebook - Size: 307 MB - Last synced at: 16 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

Mole1424/3rd-year-project
Central repository for anything related to my 3rd year project: Evaluating the Resiliency of Blink-Based DeepFake Detection Against Adversarial Noise
Language: TeX - Size: 13.4 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

arindam369/FuzzyEnsemble-SkinCancer
Based on our paper "A fuzzy rank-based deep ensemble methodology for multi-class skin cancer classification" published in Scientific Reports (Nature)
Language: Jupyter Notebook - Size: 6.63 MB - Last synced at: 17 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Fanziyang-v/pytorch-classification
PyTorch implementations of image classification networks
Language: Python - Size: 2.99 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

maxkokot/CrowdCounting
Crowd Counting using Xception
Language: Jupyter Notebook - Size: 1.52 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

versi379/Dog-Breed-Classification
Stanford dogs dataset breed classification with Xception (CNN)
Language: Jupyter Notebook - Size: 1.33 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

BetulCengiz/Emotion-Analysis-from-Albanian-Speech-Data
This study aims to perform emotion classification using mel-spectrograms from Albanian audio data.
Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

adithya16pillai/CovidVision
Advanced COVID-19 Detection From Lung X-Rays With Deep Learning
Language: Jupyter Notebook - Size: 3.59 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 2

shreenidhi7700/Rice-leaf-disease-prediction-using-Convolutional-Neural-Network
Classifying images of rice leaf disease plants into various disease categories using Convolutional Neural Network
Language: Jupyter Notebook - Size: 50.9 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Adityathere/Flower-Classification-using-CNN
Classification of flowers using Convolutional Neural Network
Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

pradeeshreddy03/Retinal-Disorder-Prediction-Using-Deep-Learning-
This project utilizes VGG19, Xception, and a custom CNN to classify retinal diseases from OCT images. The custom CNN achieved 95.47% accuracy, demonstrating AI's potential in improving diagnostic accuracy for ophthalmic disorders. Additionally, a Flask-based web app enables users to upload images for real-time predictions.
Language: Jupyter Notebook - Size: 795 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Mubaasim/Image_Caption_Generator
A react application with a deep learning model to generate caption for images
Language: JavaScript - Size: 121 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

mfsungeun/waste-cnn-image-classification
This repository contains code for comparing and evaluating various CNN classification models on a waste image dataset.
Language: Jupyter Notebook - Size: 757 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ismailazdad/dogs_classification
Xception model predict dog breeds from dog picture , flask web site
Language: JavaScript - Size: 86.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ambideXtrous9/PyTorch-Models
Transfer Learning models in PyTorch
Language: Jupyter Notebook - Size: 13 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

hamidhosen42/Pothole-Detection-Using-Transfer-Learning-Models-A-Comparative-Study
Pothole Detection Using Transfer Learning Models: A Comparative Study
Language: Jupyter Notebook - Size: 41.2 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sarah-zhan/birds-classification
Leverage TensorFlow, Keras, and Xception to train a predictive model with the provided dataset. Once the model is trained, it can be utilized tflite to make predictions. For deployment, upload the model to AWS ECR and employ AWS Lambda for model execution.
Language: Jupyter Notebook - Size: 82.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 2
