An open API service providing repository metadata for many open source software ecosystems.

Topic: "inceptionv3"

OlafenwaMoses/ImageAI

A python library built to empower developers to build applications and systems with self-contained Computer Vision capabilities

Language: Python - Size: 60.7 MB - Last synced at: 11 days ago - Pushed at: 10 months ago - Stars: 8,787 - Forks: 2,199

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: 10 days ago - Pushed at: 11 months ago - Stars: 4,532 - Forks: 1,192

GantMan/nsfw_model

Keras model of NSFW detector

Language: Python - Size: 483 KB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 1,919 - Forks: 284

qubvel/classification_models

Classification models trained on ImageNet. Keras.

Language: Python - Size: 4.01 MB - Last synced at: 9 days ago - Pushed at: almost 3 years ago - Stars: 1,227 - Forks: 310

hfawaz/InceptionTime

InceptionTime: Finding AlexNet for Time Series Classification

Language: Python - Size: 743 KB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 675 - Forks: 155

Murgio/Food-Recipe-CNN

food image to recipe with deep convolutional neural networks.

Language: Jupyter Notebook - Size: 209 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 574 - Forks: 131

hthuwal/sign-language-gesture-recognition 📦

Sign Language Gesture Recognition From Video Sequences Using RNN And CNN

Language: Python - Size: 2.89 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 393 - Forks: 137

XiaoMi/mace-models

Mobile AI Compute Engine Model Zoo

Language: Python - Size: 5.96 MB - Last synced at: 5 days ago - Pushed at: almost 4 years ago - Stars: 376 - Forks: 73

ahmetws/UnsplashExplorer-CoreML

Core ML demo app with Unsplash API

Language: Swift - Size: 82 MB - Last synced at: 11 months ago - Pushed at: almost 8 years ago - Stars: 355 - Forks: 16

loicmarie/sign-language-alphabet-recognizer

Simple sign language alphabet recognizer using Python, openCV and tensorflow for training Inception model (CNN classifier).

Language: Python - Size: 1010 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 264 - Forks: 143

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

dabasajay/Image-Caption-Generator

A neural network to generate captions for an image using CNN and RNN with BEAM Search.

Language: Python - Size: 2.4 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 247 - Forks: 76

AlexOlsen/DeepWeeds

A Multiclass Weed Species Image Dataset for Deep Learning

Language: C++ - Size: 537 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 175 - Forks: 78

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 2 months ago - Pushed at: over 1 year ago - Stars: 126 - Forks: 80

himanshurawlani/keras-and-tensorflow-serving

Deploying Keras models using TensorFlow Serving and Flask

Language: Python - Size: 84.5 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 121 - Forks: 40

anjanatiha/Pneumonia-Detection-from-Chest-X-Ray-Images-with-Deep-Learning

Detecting Pneumonia in Chest X-ray Images using Convolutional Neural Network and Pretrained Models

Language: Jupyter Notebook - Size: 28 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 120 - Forks: 69

deadskull7/Pneumonia-Diagnosis-using-XRays-96-percent-Recall

BEST SCORE ON KAGGLE SO FAR , EVEN BETTER THAN THE KAGGLE TEAM MEMBER WHO DID BEST SO FAR. The project is about diagnosing pneumonia from XRay images of lungs of a person using self laid convolutional neural network and tranfer learning via inceptionV3. The images were of size greater than 1000 pixels per dimension and the total dataset was tagged large and had a space of 1GB+ . My work includes self laid neural network which was repeatedly tuned for one of the best hyperparameters and used variety of utility function of keras like callbacks for learning rate and checkpointing. Could have augmented the image data for even better modelling but was short of RAM on kaggle kernel. Other metrics like precision , recall and f1 score using confusion matrix were taken off special care. The other part included a brief introduction of transfer learning via InceptionV3 and was tuned entirely rather than partially after loading the inceptionv3 weights for the maximum achieved accuracy on kaggle till date. This achieved even a higher precision than before.

Language: Jupyter Notebook - Size: 1.48 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 97 - Forks: 77

anktplwl91/visualizing_convnets

This is the code repository for my Medium post "Understanding your Convolution network with Visualizations"

Language: Jupyter Notebook - Size: 9.11 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 90 - Forks: 28

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]

Language: Python - Size: 24.2 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 59 - Forks: 26

Hellcatzm/TransforLearning_TensorFlow

使用预训练好的InceptionV3模型对自己的数据进行分类,用这个代码的同学希望可以给一个star

Language: Jupyter Notebook - Size: 576 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 57 - Forks: 19

ritazh/k8s-ml

🎱 A demonstration of existing machine learning toolkits on Kubernetes

Language: Python - Size: 180 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 55 - Forks: 23

cocoa-ai/InceptionVisionDemo

🎥 iOS11 demo application for dominant objects detection.

Language: Swift - Size: 1.34 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 54 - Forks: 6

iamvishnuks/AudioNet

Audio Classification using Image Classification

Language: Python - Size: 192 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 48 - Forks: 9

hoang-ho/Skin_Lesions_Classification_DCNNs

Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification

Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 47 - Forks: 29

OValery16/gender-age-classification

gender/age classification

Language: Python - Size: 3.89 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 46 - Forks: 22

n3011/Inception_v3_GoogLeNet

GoogleNet Inception v3

Size: 22.5 KB - Last synced at: 2 months ago - Pushed at: almost 9 years ago - Stars: 44 - Forks: 58

j05t/dbclf 📦

Identify Dog Breeds Android App

Language: Java - Size: 48.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 39 - Forks: 6

3outeille/Research-Paper-Summary

Summary & Implementation of Deep Learning research paper in Tensorflow/Pytorch.

Language: Jupyter Notebook - Size: 1.27 GB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 39 - Forks: 7

cynicphoenix/Human-Action-Recognition

Computer Vision Project : Action Recognition on UCF101 Dataset

Language: Jupyter Notebook - Size: 935 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 38 - Forks: 12

divyansh1195/Tomato-Leaf-Disease-Detection-

Depp Learning Tomato Leaf Disease Prediction project deployment using flask, Keras, TensorFlow, sklearn libraries.

Language: Jupyter Notebook - Size: 100 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 34 - Forks: 13

narenkhatwani/FoodAayush

This repository consists of our Final Year Project. You can find everything starting from our code to all the resources in this repository

Language: Python - Size: 108 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 29 - Forks: 4

damminhtien/deep-learning-image-caption-generator

Deep CNN-LSTM for Generating Image Descriptions :smiling_imp:

Language: Jupyter Notebook - Size: 3.32 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 7

thanhson1085/Hello-AI

AI, Tensorflow, Inceptionv3, AI as a Service, Flask

Language: Python - Size: 286 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 10

RisenAgain/Bone-Age-Detection-From-X-Ray

Language: Python - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 24 - Forks: 14

DARK-art108/Cotton-Leaf-Disease-Detection

🌿Classify Cotton Leaf Disease Images between Fresh or Diseased using Tensorflow Transfer Learning and Deploy it using a flask web server and Streamlit.🍂

Language: Jupyter Notebook - Size: 9.2 MB - Last synced at: 28 days ago - Pushed at: over 4 years ago - Stars: 22 - Forks: 5

IsraelAbebe/plant_disease_experiments

A project to train and evaluate different dnn models for plant disease detection problem, tackle the problem of scarce real-life representative data, experiment with different generative networks and generate more plant leaf image data and implement segmentation pipeline to avoid miss-classification due to unwanted input

Language: Python - Size: 15.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 22 - Forks: 27

NirmalSilwal/Deep-Learning

It contains the coursework and the practice I have done while learning Deep Learning.🚀 👨‍💻💥 🚩🌈

Language: Jupyter Notebook - Size: 28 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 21 - Forks: 2

arnabuchiha/SkinSense

🎗 This is an Android app to detect melanoma skin cancer using tensorflow mobile.

Language: Java - Size: 92.6 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 19 - Forks: 5

NANDINI-star/Real-life-violence-detection

Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 10

shiv213/Artificial-Intelligence-for-Colon-Cancer-Detection

Image classifier for colon cancer detection from colonoscopies.

Language: Python - Size: 87.8 MB - Last synced at: 7 days ago - Pushed at: over 7 years ago - Stars: 18 - Forks: 10

arnabdeypolimi/Image-classification-PyTorch-MLflow

Image classification using Transfer learning technique. Updated and added mlflow with PyTorch fine-tune tutorial

Language: Jupyter Notebook - Size: 146 KB - Last synced at: 23 days ago - Pushed at: almost 5 years ago - Stars: 17 - Forks: 2

yuddim/deepClassificationTool

Deep image classification tool based on Keras. Tool implements light versions of VGG, ResNet and InceptionV3 for small images

Language: Python - Size: 29.3 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 17 - Forks: 0

Snigdho8869/Computer-Vision-Projects

Explore diverse computer vision projects using Transfer Learning(TL), Convolutional Neural Networks (CNN), Autoencoder and more in this collaborative repository

Language: Jupyter Notebook - Size: 32.5 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 6

vrukshaliii/wecareforfurs

This project aims to classify various types of dog skin diseases using deep learning models with images.

Language: CSS - Size: 51.9 MB - Last synced at: 9 months ago - Pushed at: about 2 years ago - Stars: 16 - Forks: 2

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: 4 days ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 0

deep-machine-learning/Retrained-InceptionV3

Retrained InceptionV3 image classification model

Language: Python - Size: 91.2 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 15 - Forks: 8

YeonwooSung/PyTorch_CNN_Architectures

My PyTorch implementation of CNNs. All networks in this repository are using CIFAR-100 dataset for training.

Language: Python - Size: 53.7 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 14 - Forks: 2

innat/Transfer-Learning-PySpark

Multi-Class Classification | Transfer Learning With PySpark

Language: Jupyter Notebook - Size: 471 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 14 - Forks: 8

Sardhendu/DeepFaceRecognition

Face Recognition with Transfer Learning

Language: Jupyter Notebook - Size: 29.1 MB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 14 - Forks: 7

OlafenwaMoses/Model-Playgrounds

A project developed and maintained as part of the aim at bringing current capabilities in machine learning and artificial intelligence into practical use for non-programmers and average computer users.

Language: Python - Size: 3.86 MB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 14 - Forks: 12

mckellwoodland/fid-med-eval

Official Repository for the paper "Feature Extraction for Generative Medical Imaging Evaluation: New Evidence Against an Evolving Trend".

Language: Python - Size: 5.15 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 13 - 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: 4 days ago - Pushed at: about 2 years ago - Stars: 13 - Forks: 0

FlorianWoelki/pneumonia-detection

This is a simplified version of pneumonia detection using a chest x-ray dataset with the inceptionv3 image classifier.

Language: Jupyter Notebook - Size: 3.24 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 3

airaria/AdversarialAttackInceptionV3

Attack InceptionV3 net using FGM( fast gradient method) and show saliency maps.

Language: Python - Size: 99.6 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 3

andrebng/Food-Diary

Uses iOS 11 and Apple's CoreML to add nutrition data to your food diary based on pictures. CoreML is used for the image recognition (Inceptionv3). Alamofire (with CocoaPods) is used for REST requests against the Nutritionix-API for nutrition data.

Language: Swift - Size: 83.6 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 5

rohilrg/COVID19-xray-classifier

A classifier that takes X-RAY or CT-SCAN to classify positive or negative COVID19 with 99% accuracy, 97% recall (macro avg) and 91% precision (macro avg).

Language: Jupyter Notebook - Size: 4.07 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 4

ppplinday/tumor-cell-segmentation

tumor cell segmentation by inception-v3 and FCN model

Language: Python - Size: 1.05 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 12 - Forks: 5

Data-Science-Community-SRM/Hand-Gesture-Recognition-Rock-Paper-Scissor

Hand Gesture Recognition and Modification was based on transfer learning Inception v3 model using Keras with Tensorflow backend trained on 4 classes - rock, paper, scissors, and nothing hand signs. The final trained model resulted in an accuracy of 97.05%. The model was deployed using Streamlit on Heroku Paas.

Language: Jupyter Notebook - Size: 1020 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 11 - Forks: 7

SarthakJShetty/Fracture

Vision Based Inspection tool comprising of retrained Inception V3 network and OpenCV Filters for fracture detection. Published at A2IC 2019.

Language: Python - Size: 943 KB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 11 - Forks: 9

KyleBanks/tensorflow-docker-retrain

Retraining of InceptionV3 or MobileNet using TensorFlow and Docker.

Language: Dockerfile - Size: 1.19 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 2

EN10/KerasInception

Google Inception-V3 with Keras

Language: Python - Size: 886 KB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 8

bkataru/galaxy-classifier

A image classifier that classifies whether a galaxy is spiral, elliptical, or irregular. Built using Tensorflow v2 and Google's inception v3 model.

Language: Python - Size: 181 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 0

kashyap32/Hachi

Dog's breed Classifier and Similar Dogs search engine. A Flask app to classify Dog's type and Find similar dogs.

Language: Jupyter Notebook - Size: 84.9 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 6

RayXie29/Keras-famous_CNN

This repository is the implementation of several famous convolution neural network architecture with Keras. (Resnet v1, Resnet v2, Inception v1/GoogLeNet, Inception v2, Inception v3))

Language: Python - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 9 - Forks: 6

EKANATHAN-1001/Plant-Disease-with-Inception-v3-Alexnet-CNN

This is a plant disease recognition machine learning model

Language: Jupyter Notebook - Size: 415 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 2

Shrey-Viradiya/Pneumonia_Detection

This repository contains code for pneumonia detection using X-ray images of the lungs.

Language: Python - Size: 207 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 3

prasanna08/Vigilancia Fork of Yash9060/Vigilancia

Video surveillance using deep learning models

Language: Python - Size: 471 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 4

mahdi-darvish/Comparative-Analysis-of-ConvNet-Architecture-on-Bird-Species-Dataset

An implementation of famous convolutional neural networks on Bird species dataset using Python 3, Keras, and Tensorflow.

Language: Jupyter Notebook - Size: 4.9 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 1

guramritpalsaggu/MedInform

MEDINFORM - AI Powered Multipurpose Web platform for Medical Image Analysis

Language: CSS - Size: 106 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 6

PooneetThaper/Person-Of-Interest

Applying transfer learning to mimic hollywood facial recognition of a person from a photo using OpenCV and Tensorflow (Inception v3)

Language: Python - Size: 79.8 MB - Last synced at: 7 months ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 1

FPT-ThaiTuan/Transfer-Learning-Use-Inception-v3-For-Image-Classification

Transfer Learning uses Inception v3 to classify human and horse images with 99.39% accuracy.

Language: Jupyter Notebook - Size: 21.4 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 1

anachaba/Healthron

A Disease Outbreak Assistance system using machine learning and Artifitial Intelligence

Language: Python - Size: 242 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 1

IEEE-NITK/Image_Captioning

Image Captioning is the process of generating textual description of an image. It uses both Natural Language Processing and Computer Vision to generate the captions.

Language: Jupyter Notebook - Size: 9.46 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 8

Stick-To/Inception-tensorflow

inception in tensorflow

Language: Python - Size: 19.5 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 1

anthonyfong100/FoodAI

This is a repository containing the image recognition model i developed to recognize local singaporean food images

Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 1

mauri870/kaggle-cats-vs-dogs-redux

My simple solution for the Kaggle Cats vs Dogs Redux competition

Language: Go - Size: 2.93 KB - Last synced at: about 2 months ago - Pushed at: about 8 years ago - Stars: 6 - Forks: 1

gulabpatel/CNNs

Language: Jupyter Notebook - Size: 24.6 MB - Last synced at: 1 day ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 1

phrazzld/flask-poem 📦

The TensorFlow for Poets model as a Flask app.

Language: Python - Size: 75.5 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

anshulsingh8101/Cotton-Disease-Prediction-web_app-Transfer-learning

Using transfer learning to predict if there exists a cotton disease in the plant or not. The best were the inceptionv3 model and the ResNet50 model and then finally made a model for the web using flask for an end-to-end deployment of this project.

Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

karthikmswamy/Keras_In_TensorFlow

Image and text classification using Keras in TensorFlow 1.2

Language: Jupyter Notebook - Size: 2.16 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 7

ambideXtrous9/Brand-Logo-Classification-using-TransferLearning-Flickr27

Incremental Learning using MobileNetV2 of Logo Dataset

Language: Jupyter Notebook - Size: 21.7 MB - Last synced at: 28 days ago - Pushed at: 8 months ago - Stars: 4 - Forks: 1

BharathwajManoharan/Tamil_Handwriting_AI

This repository features my first machine learning project, developed during my second year as a university student. It focuses on recognizing and detecting handwritten Tamil characters using machine learning techniques.

Language: Python - Size: 5.3 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 1

koushik-elite/Inception-V3-and-PyTorch

Image Classification using Inception V3 and PyTorch

Language: Jupyter Notebook - Size: 15 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

Pegah-Ardehkhani/Neural-Style-Transfer

Generate an Image with the Same "Content" As a Base Image, But with the "Style" of a Different Picture

Language: Jupyter Notebook - Size: 4.48 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0

AndryRafam/Tuberculosis

Classification of Tuberculosis (X-ray imagery).

Language: Jupyter Notebook - Size: 4.04 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 0

Abolfazl-Younesi/face_mask

Mask detection using opencv, tensorflow and keras. Poeple are three class with mask, without mask and wear incorrect form of mask.

Language: Python - Size: 5.82 MB - Last synced at: 10 days ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 0

aquapapaya/Post-training-quantization

Post quantization with TensorFlow and model compilation with TVM

Language: Python - Size: 6.37 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

farhan1503001/Image-Forgery-Detection

Comparison between different DL models such as VGGnet,InceptionV3,Resnet for copy move forgery detection

Language: Jupyter Notebook - Size: 438 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

ProGamerGov/pytorch-old-tensorflow-models

Models from Tensorflow and Keras converted to PyTorch

Language: Python - Size: 146 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 1

yash-sarwaswa/Image-Caption-Generator

Fabricating a Python application that generates a caption for a selected image. Involves the use of Deep Learning and NLP Frameworks in Tensorflow, Keras and NLTK modules for data processing and creation of deep learning models and their evaluation.

Language: Jupyter Notebook - Size: 110 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

koltaib/Melanoma_Detection

This is a project documentation about melanoma detection methods using convolutional neural networks.

Language: Jupyter Notebook - Size: 3.39 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

harimkang/food-image-classifier

Food classifier trained the inception_v3 model

Language: Python - Size: 775 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

shan18/Topic-Based-Image-Captioning

Caption generation from images using topics as additional guiding inputs.

Language: Python - Size: 8.38 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

dsinghnegi/medical-diagnosis-webapp

Web based Application to detect disease using images

Language: Jupyter Notebook - Size: 86.6 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 4

AbdulAhadSiddiqui11/Pokemon-Image-Classifier

Its a convNet built upon InceptionV3 and trained on 928 pokemon classes.

Language: Jupyter Notebook - Size: 1.93 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

Snehal-Reddy/ILGNET-ActivationMaps

Inception Modules with Connected Local and Global Features implemented with CAM.

Language: Python - Size: 4.31 MB - Last synced at: 6 months ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 1

Aminoid/The-Nature-Conservancy-Fisheries-Monitoring

Kaggle Competition - The Nature Conservancy Fisheries Monitoring

Language: Python - Size: 1.01 GB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 5

plabadille/image_classifier

This is a neural network starter for fine-tuning InceptionV3 model with Keras, TensorFlow and your own data to answer to image classification/recognition needs. It's ready to run on your own dataset without any modifications after installing dependencies. Lastly, you can easily customize the training constants to be coherent with your dataset/computer in top of each script.

Language: Python - Size: 43 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 2

justindujardin/hello-tensors

Basic image classifier with Angular, TensorFlow, and InceptionV3

Language: Python - Size: 538 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 4 - Forks: 3

aarontoms/Thakkali

An agricultural app for offline plant disease detection, fetching remedies online, linking to nearby shops with stock and price details, and offering an text+image based AI assistant for plant-related queries. Visit https://github.com/aarontoms/Plant-Disease-Detection-Model to learn more about training model.

Language: Kotlin - Size: 17.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 1

Related Topics
deep-learning 128 tensorflow 96 transfer-learning 85 keras 69 machine-learning 68 python 67 cnn 66 image-classification 60 vgg16 57 convolutional-neural-networks 49 computer-vision 37 resnet-50 36 vgg19 30 classification 29 resnet 26 inception-v3 26 pytorch 25 deep-neural-networks 24 keras-tensorflow 21 python3 19 flask 18 cnn-classification 17 mobilenet 16 mobilenetv2 16 image-captioning 16 lstm 14 xception 14 inception 14 opencv 13 densenet 13 resnet50 13 neural-network 13 artificial-intelligence 13 coreml 12 image-processing 12 streamlit 12 imagenet 11 cnn-keras 11 tensorflow2 10 pretrained-models 10 fine-tuning 10 image-recognition 10 inception-resnet-v2 9 googlenet 9 efficientnet 9 vgg 9 alexnet 9 object-detection 8 rnn 8 kaggle 8 ai 8 neural-networks 7 jupyter-notebook 7 data-science 7 numpy 7 pneumonia-detection 7 covid-19 7 deeplearning 7 swift 6 matplotlib 6 convolutional-neural-network 6 detection 6 flask-application 6 densenet121 6 bleu-score 6 ios 5 squeezenet 5 recurrent-neural-networks 5 deep-learning-algorithms 5 attention 5 cnn-model 5 caption-generation 5 streamlit-webapp 4 captioning-images 4 senet 4 feature-extraction 4 kaggle-competition 4 vggnet 4 cifar10 4 image 4 vgg16-model 4 classification-model 4 gru 4 data-visualization 4 pandas 4 data-augmentation 4 dataset 4 ensemble-learning 4 opencv-python 4 generative-adversarial-network 4 kaggle-dataset 3 food-classification 3 tensorflow-serving 3 beam-search 3 ml 3 python-3 3 f1-score 3 cancer-detection 3 heroku-deployment 3 medical-image-processing 3