Ecosyste.ms: Repos

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

GitHub topics: cnn-architecture

amishra15/enhancing-motion-blurred-images-in-normal-and-low-light-condition-for-mobile-photography

DATA: 606 | Capstone Project

Language: Jupyter Notebook - Size: 18.7 MB - Last synced: about 17 hours ago - Pushed: 1 day ago - Stars: 0 - Forks: 0

ayarii/learner-engagement

Language: Jupyter Notebook - Size: 70.3 MB - Last synced: 2 days ago - Pushed: 2 days ago - Stars: 1 - Forks: 0

anishkudupudi/Deepfake_Face_Detection

This project collects data from the rvf10k dataset containing 10,000 real and fake pictures of human faces. The program employs a custom CNN architecture to classify images with 85% accuracy.

Language: Jupyter Notebook - Size: 881 KB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 0 - Forks: 0

xavysp/DexiNed

DexiNed: Dense EXtreme Inception Network for Edge Detection

Language: Python - Size: 155 MB - Last synced: 6 days ago - Pushed: about 1 year ago - Stars: 691 - Forks: 156

hordiales/transferencia-estilo-sms

Transferencia de estilo con CNN y Spectral Modelling Synthesis (SMS)

Language: Jupyter Notebook - Size: 61.7 MB - Last synced: 14 days ago - Pushed: 14 days ago - Stars: 4 - Forks: 1

HayatiYrtgl/Cell_Classification_CNN

This code trains a CNN in Keras to classify cell images (infected/uninfected). It sets up data generators, defines model architecture with convolutional layers, applies regularization, configures callbacks, and trains the model for binary classification.

Language: Python - Size: 38.1 KB - Last synced: 20 days ago - Pushed: 20 days ago - Stars: 0 - Forks: 0

ujjwal404/CurrencyDetectionForVisuallyImpaired

Currency detection for visually impaired people, made to be run on edge devices so it can be embedded on cane sticks.

Language: Jupyter Notebook - Size: 349 MB - Last synced: 21 days ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

ITMO-NSS-team/TorchCNNBuilder

Framework for the automatic creation of CNN architectures

Language: Python - Size: 5.47 MB - Last synced: 17 days ago - Pushed: 3 months ago - Stars: 16 - Forks: 0

Akash1070/Computer-Vision

Building & Deploying Computer Vision Models

Language: Jupyter Notebook - Size: 1.62 MB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 1 - Forks: 2

tum-vision/fusenet

This repository is the official release of the code for the following paper "FuseNet: Incorporating Depth into Semantic Segmentation via Fusion-based CNN Architecture" which is published at the 13th Asian Conference on Computer Vision (ACCV 2016).

Language: C++ - Size: 8.26 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 127 - Forks: 40

PacktPublishing/Hands-On-Deep-Learning-Algorithms-with-Python

Hands-On Deep Learning Algorithms with Python, By Packt

Language: Jupyter Notebook - Size: 80.4 MB - Last synced: 27 days ago - Pushed: over 1 year ago - Stars: 106 - Forks: 75

jhanvi-29/TrainCustomCNN

Do you want to train a custom convolution neural network with minimal steps and 0 coding efforts. Here is how you can train custom image classification model with minimal steps. Clone this repository and enjoy the model training sipping hot coffee.

Language: Python - Size: 2.93 KB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

sleepytaco/TextureSynthesisCNN

PyTorch code to reproduce the results of "Texture Synthesis Through Convolutional Neural Networks and Spectrum Constraints" by Liu et. al.

Language: Python - Size: 85.8 MB - Last synced: 22 days ago - Pushed: 12 months ago - Stars: 2 - Forks: 1

WestleyB/NeuralNetwork

Understanding Neural Networks

Language: Python - Size: 81.7 MB - Last synced: 3 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

bsdr18/Image-Classification-on-Eye-Disease-Dataset

Image Classification using Convolutional Neural Networks: A Deep Learning Approach for Diagnosing Eye Diseases

Language: Jupyter Notebook - Size: 4.09 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

PPPW/deep-learning-random-explore

Language: Jupyter Notebook - Size: 3.55 MB - Last synced: 2 months ago - Pushed: over 4 years ago - Stars: 193 - Forks: 34

J4NN0/deep-learning-cnn

NN and CNN implementation from scratch in PyTorch with data loading, training, and evaluation phase on CIFAR 100 image dataset

Language: Python - Size: 300 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 5 - Forks: 3

migege/tf-CNN-CASIA-HWDB

A tensorflow implementation of recognition of handwritten Chinese characters.

Language: Python - Size: 14.3 MB - Last synced: 4 months ago - Pushed: over 6 years ago - Stars: 21 - Forks: 14

RushiVachhani/Machine-Learning-for-Data-Mining

This repository consists of Lab Assignments for the course Machine Learning for Data Mining.

Language: Jupyter Notebook - Size: 1010 KB - Last synced: 4 months ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 0

jhkim89/PyramidNet

Torch implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).

Language: Lua - Size: 23.4 KB - Last synced: 3 months ago - Pushed: over 6 years ago - Stars: 127 - Forks: 38

m-tassano/dvdnet

DVDnet: A Simple and Fast Network for Deep Video Denoising

Language: Python - Size: 4.69 MB - Last synced: 3 months ago - Pushed: over 2 years ago - Stars: 72 - Forks: 18

golden-panther/glaucoma-detector

Glaucoma detection automation project. Trained a binary image classifier using CNNs and deployed as a streamlit web app. It takes eye (retinal scan) image as input and outputs whether the person is affected by glaucoma or not.

Language: Python - Size: 71.4 MB - Last synced: 2 months ago - Pushed: over 2 years ago - Stars: 16 - Forks: 14

narengs7/HAR

Human Activity Recognition using 1D CNN

Language: Jupyter Notebook - Size: 45.2 MB - Last synced: 5 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

sahildigikar15/Different-CNN-Architectures-on-MNIST-dataset-

Experimented with different architectures and kernels on MNIST dataset using Convolutional Neural Networks.

Language: Jupyter Notebook - Size: 727 KB - Last synced: 5 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

yogeshkanwade21/STC-sem5

Fruit Classification using CNN

Language: Jupyter Notebook - Size: 4.08 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

Shayankr/Artistic-Style-Transfer-GAN-Dashtoon-Assignment

Implement VGG19 based NN to design Artistic-Style-Transfer Neural Net using the concept of Generative Adversial Neural Network.

Language: Jupyter Notebook - Size: 17.6 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

JanRotti/CNN_planning

Calculation of the dimensional progression in Convolutional Neural Networks

Language: Python - Size: 1.95 KB - Last synced: 3 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

shuguang-52/2018-RemoteSens-FDSSC

A Fast Dense Spectral-Spatial Convolution Network Framework for Hyperspectral Images Classification(FDSSC)

Language: Python - Size: 1 MB - Last synced: 3 months ago - Pushed: almost 5 years ago - Stars: 83 - Forks: 28

alexisbcook/keras_transfer_cifar10

Object classification with CIFAR-10 using transfer learning

Language: Jupyter Notebook - Size: 5.34 MB - Last synced: 6 months ago - Pushed: almost 3 years ago - Stars: 131 - Forks: 58

tobybreckon/fire-detection-cnn

real-time fire detection in video imagery using a convolutional neural network (deep learning) - from our ICIP 2018 paper (Dunnings / Breckon) + ICMLA 2019 paper (Samarth / Bhowmik / Breckon)

Language: Python - Size: 3.44 MB - Last synced: 6 months ago - Pushed: almost 3 years ago - Stars: 504 - Forks: 166

JusperLee/Conv-TasNet

Conv-TasNet: Surpassing Ideal Time-Frequency Magnitude Masking for Speech Separation Pytorch's Implement

Language: Python - Size: 75.2 KB - Last synced: 6 months ago - Pushed: 12 months ago - Stars: 336 - Forks: 68

smhassanerfani/atlantis

A Benchmark for Semantic Segmentation of Waterbody Images

Language: Python - Size: 667 MB - Last synced: 3 months ago - Pushed: over 1 year ago - Stars: 30 - Forks: 9

whoisraibolt/LBCNN

Local Binary Convolutional Neural Network for Facial Expression Recognition of Basic Emotions in Python using the TensorFlow framework

Language: Jupyter Notebook - Size: 27.4 MB - Last synced: 7 months ago - Pushed: almost 5 years ago - Stars: 21 - Forks: 16

OMIII1997/Face-Mask-Detection

Created a model that detects face mask trained on 7553 images with 3 color channels (RGB). On Custom CNN architecture Model training accuracy reached 94% and Validation accuracy 96%.

Language: Jupyter Notebook - Size: 2.06 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

tristaneljed/CNN-Text-Classification-TensorFlow

Language: Python - Size: 474 KB - Last synced: 7 months ago - Pushed: about 7 years ago - Stars: 1 - Forks: 3

karan469/Software-Design-Practices-COP290

Language: C++ - Size: 15 MB - Last synced: 7 months ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

jhkim89/PyramidNet-caffe

Caffe implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).

Size: 132 KB - Last synced: 7 months ago - Pushed: almost 7 years ago - Stars: 26 - Forks: 12

Vidi005/Farm-Doctor-V2

Update for Farm Doctor App

Size: 316 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

zanilzanzan/FuseNet_PyTorch

Joint scene classification and semantic segmentation with FuseNet

Language: Python - Size: 2.69 MB - Last synced: 6 months ago - Pushed: 7 months ago - Stars: 103 - Forks: 34

arunsinghbabal/Traffic-Security

The goal of the project is to classify the vehicles, count their frequency, track them using unique ID and provide safety measures to the users by flagging the suspicious ones.

Language: Python - Size: 154 MB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 11 - Forks: 3

VincianeDesbois/Safran_moteurs

Study of aircraft engine wear for Safran. (2021)

Language: Jupyter Notebook - Size: 49.3 MB - Last synced: 3 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

FandosA/Speech_Recognition_Keras_TF

Project I carried out during my Machine Learning course in the Master.

Language: Python - Size: 1.21 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 1 - Forks: 1

GauravG-20/Landmark-Image-Recognition-App

The app takes image input from the user and accurately classifies the landmark in the image. It gives the top 5 possible landmark names with the probability.

Language: HTML - Size: 86 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

slothengineer/DeepLearning-Concepts

Language: Jupyter Notebook - Size: 1.31 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

shunk031/chainer-PyramidNet

Chainer implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).

Language: Python - Size: 2.93 KB - Last synced: 9 months ago - Pushed: about 6 years ago - Stars: 2 - Forks: 2

TheAIExplorer/KnowYourDogBreed

Explore CNNs in action with my Dog Breed Classifier. Upload a dog image to the Gradio interface, and watch the model accurately predict the breed. Join me in uncovering the potential of CNNs in image classification! #MachineLearning #CNN #ImageClassification

Language: JavaScript - Size: 175 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

alejandrodebus/Indices-Net

Own implementation of the Indices-Net model proposed in [Xue et al, 2017]. This code was written as a baseline to compare with my own model presented in STACOM 2018 [Debus and Ferrante, 2018].

Language: Python - Size: 264 KB - Last synced: 9 months ago - Pushed: over 4 years ago - Stars: 3 - Forks: 0

TheAIExplorer/CatFaceLandmarksDetection

Find App Link below. This project involves using CNNs to predict facial landmarks on images of cat faces. It utilizes Python, OpenCV, TensorFlow, and Keras libraries for image processing, modeling, and training. The ResNet50 architecture is employed as the base model, augmented with dense layers for facial landmark prediction

Language: Jupyter Notebook - Size: 2.24 MB - Last synced: 3 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

tgh499/Transform_NewsData_to_Images

Transformed raw text data into images with the help of Stanford developed GloVe word embeddings. Used with a custom designed ConvNet, in 1D.

Language: Jupyter Notebook - Size: 231 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Pratik-Chhajer/Predicting-Photography-Aesthetics-with-CNNs

Using Convolutional Neural Networks to predict aesthetics of photographs

Language: Python - Size: 1.02 MB - Last synced: 9 months ago - Pushed: over 5 years ago - Stars: 16 - Forks: 3

sailordiary/LipNet-PyTorch

"LipNet: End-to-End Sentence-level Lipreading" in PyTorch

Language: Python - Size: 15.9 MB - Last synced: 9 months ago - Pushed: over 4 years ago - Stars: 57 - Forks: 20

taspinar/sidl

Deep Learning code

Language: Jupyter Notebook - Size: 4.57 MB - Last synced: 9 months ago - Pushed: about 6 years ago - Stars: 62 - Forks: 53

tarushi98/SignLanguageASL

Used CNN to help machine identify ASL symbols.

Language: Jupyter Notebook - Size: 437 KB - Last synced: 9 months ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

MuhammadAlGeddawy/real-time-object-detection-

The project combines deep learning techniques with Arduino and ROS (Robot Operating System) to achieve real-time object detection capabilities.

Language: Jupyter Notebook - Size: 57.6 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

FandosA/Face_Tracking_Real_Time_PyTorch

Implementation of a deep learning model based on the VGG16 neural network to track faces in a video or with a camera in real time.

Language: Python - Size: 238 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 1 - Forks: 0

Enzo2806/MLP-CNN

We implemented a Multi-Layer Perceptron (MLP) model from scratch and compared its performance based on image classification accuracy on the "Fashion-MNIST" dataset to the performance of the Tensorflow Keras library's Convolutional Neural Network (CNN).

Language: Jupyter Notebook - Size: 430 KB - Last synced: 20 days ago - Pushed: 12 months ago - Stars: 1 - Forks: 0

nandiniigarg/ColorVAE

ColorVAE is a Vanilla Auto Encoder (V.A.E.) which can be used to add colours to black and white images.

Language: Jupyter Notebook - Size: 9.09 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

rochitasundar/Intro-To-Deep-Learning-With-PyTorch

This repository contains my code solutions to Udacity's coursework 'Intro to Deep Learning with PyTorch'.

Language: Jupyter Notebook - Size: 44.8 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

yousefkotp/Speech-Emotion-Recognition

Exploration of different audio features and CNN-based architectures for building an effective Speech Emotion Recognition (SER) system. The goal is to improve the accuracy of detecting emotions embedded in speech signals. The repository contains code, notebook, and detailed explanations of the experiments conducted.

Language: Jupyter Notebook - Size: 44.8 MB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

Rachine/VisualPlaceRecognition

Visual Place Recognition Project

Language: Matlab - Size: 15.1 MB - Last synced: 9 months ago - Pushed: about 7 years ago - Stars: 4 - Forks: 3

DevOpsThinh/Coding-Deep-Learning

A self-taught project about Machine Learning & Deep Learning with Python. Thanks to the countless researchers and developers around the world and their open-source code, particularly Python-based open-source code!

Language: Python - Size: 595 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 3 - Forks: 0

skyradez/Speech-Recognition-using-Convolutional-Neural-Network

Tutorial on Speech Recognition using Convolutional Neural Network

Language: Python - Size: 225 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

Qianli-Wu/EEG_classification

This repository contains the final project for ECE C147/C247, which evaluates the performance of CNN + Transformer and CNN + GRU + SimpleRNN models on an EEG dataset.

Language: Python - Size: 60.5 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

amajji/CNN-from-Scratch

Implementation of CNN (Convolutional neural network) from scratch

Language: Jupyter Notebook - Size: 609 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

AshivDhondea/ENSC813_Project 📦

ENSC 813 Deep Learning Systems in Engineering - Term Project

Language: Python - Size: 20.2 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

OscarTHZhang/cnn-optimization 📦

Convolutional Neural Network Optimization using Intel AVX and OpenMP

Language: C - Size: 6.47 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

uliss92/CNN

CNN, image classifacation

Language: Jupyter Notebook - Size: 8.63 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 1

AdityaTheDev/BrainTumorSegmentation-using-Transfer-Learning

Brain Tumor Segmentation using Transfer learning. Image segmentation is the task of clustering parts of an image together that belong to the same object class. This process is also called pixel-level classification. Brain Tumor Segmentation is a multi-class problem and this model classifies Gliomia tumor, Meningomia Tumor, Pituitary tumor and No tumor with an accuracy of 93%.

Language: Jupyter Notebook - Size: 227 KB - Last synced: 10 months ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

perseus784/BvS

An Image classifier to identify whether the given image is Batman or Superman using a CNN with high accuracy. (From getting images from google to saving our trained model for reuse.)

Language: Python - Size: 24.2 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 51 - Forks: 22

D0352276/SFPN-Synthetic-FPN-for-Object-Detection

The SFPN is a novel plug-and-play component for the CNN object detector. This project is the official code for the paper "SFPN: Synthetic FPN for Object Detection" in IEEE ICIP 2022.

Language: Python - Size: 94.6 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 5 - Forks: 0

fitushar/Brain-Tissue-Segmentation-Using-Deep-Learning-Pipeline-NeuroNet

This Repository is for the MISA Course final project which was Brain tissue segmentation. we adopt NeuroNet which is a comprehensive brain image segmentation tool based on a novel multi-output CNN architecture which has been trained and tuned using IBSR18 dataset

Language: Jupyter Notebook - Size: 5.16 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 23 - Forks: 6

anaramirli/visualizing-cnn-features

Visualizing higher-layer features from a Deep Convolutional Network by maximizing filter activation.

Language: Jupyter Notebook - Size: 31.7 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

marph91/pocket-cnn

CNN-to-FPGA-framework for small CNN, written in VHDL and Python

Language: VHDL - Size: 7.29 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 15 - Forks: 5

kuntojirohan/speechdenoising

This repo has a Tensorflow implementation of speech denoising with an API service as well.

Language: Python - Size: 7.09 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 5 - Forks: 3

manishankarbalu/c-DCGAN

We use Conditional-DCGAN to generate animated faces :couple: and emojis :smiley: using pytorch

Language: Jupyter Notebook - Size: 20.4 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 7 - Forks: 5

prakHr/NeuralNetworksAndFuzzyLogic

[College Course] - Course: BITS F312 Neural Network and Fuzzy Logic

Language: Jupyter Notebook - Size: 4.12 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 4 - Forks: 3

niravnb/Deep-learning-projects

Language: Jupyter Notebook - Size: 1010 KB - Last synced: 10 months ago - Pushed: over 4 years ago - Stars: 3 - Forks: 3

Vedant2311/Digit-Recognition-System

Implemented LeNet for MNIST Digit Recognition and carried out optimizations using pthreads, openBLAS etc

Language: C++ - Size: 3.71 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

marph91/pocket-bnn

BNN-to-FPGA framework, written in VHDL and Python

Language: Python - Size: 154 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 7 - Forks: 0

dhruv8609/COVID-XR-Detection

Rest-API for detection of COVID-19 using chest radiography and CT_scans

Language: Jupyter Notebook - Size: 8.4 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

iamurali/upgrad_ml_ai

UpGrad Course workout for ML & AI

Language: Jupyter Notebook - Size: 128 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 16 - Forks: 36

iam-sr13/QSTP2018

A Quark Summer Term Deep Learning Project on Image Recognition using PyTorch

Language: Jupyter Notebook - Size: 17.7 MB - Last synced: 12 months ago - Pushed: almost 6 years ago - Stars: 3 - Forks: 0

sichkar-valentyn/Neural_Networks_for_Computer_Vision

Implementing Neural Networks for Computer Vision in autonomous vehicles and robotics for classification, pattern recognition, control. Using Python, numpy, tensorflow. From basics to complex project

Language: Jupyter Notebook - Size: 68.2 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 21 - Forks: 8

aaaastark/hybrid-model-with-cnn-lstm-python

Hybrid Model with CNN and LSTM for VMD dataset using Python

Size: 14.4 MB - Last synced: 10 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 1

ST4NSB/deepnet-othello

a deep network implementation to play the Othello board game

Language: Python - Size: 49.6 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

hundredmsgames/handwritten-digit-recognizer

Recognizing handwritten digits with Convolutional Neural Network that implemented from scratch.

Language: C# - Size: 1.13 MB - Last synced: 10 months ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

jh-jeong/selective-convolution

Code for the paper "Training CNNs with Selective Allocation of Channels" (ICML 2019)

Language: Python - Size: 18.6 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 22 - Forks: 3

scheckmedia/cgp-cnn-design

Using Cartesian Genetic Programming to find an efficient Convolutional Neural Network architecture

Language: Python - Size: 12.9 MB - Last synced: 9 months ago - Pushed: over 6 years ago - Stars: 25 - Forks: 4

tassosblackg/Deep4Deep

CNN implementation for ASV

Language: Python - Size: 37.9 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 1

DARK-art108/Artistic-style-transfer-CNN

Language: Jupyter Notebook - Size: 1.06 MB - Last synced: 7 days ago - Pushed: over 4 years ago - Stars: 2 - Forks: 0

boniu86/Dog_App

Dog Breed Classifier

Language: HTML - Size: 13.7 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Pradnya1208/CNN-Architectures

The aim of this project is to implement/use pretrained popular architectures such as VGG16, VGG19, ResNet, AlexNet etc.

Language: Jupyter Notebook - Size: 7.88 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

pmorerio/curriculum-dropout

Code for the paper "Curriculum Dropout", ICCV 2017

Language: Python - Size: 41 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 21 - Forks: 7

nishi1612/Machine-Learning-For-Data-Mining

This repository consists of Lab Assignments for course Machine Learning for Data Mining.

Language: Jupyter Notebook - Size: 1.01 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

sahithikodali1/Drowsy-Driver-Detection-System

Implementation of a Drowsy Driver detection system in two ways

Language: Python - Size: 3.25 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 3 - Forks: 1

dev-sungman/TIL

Today I Learned,

Size: 27.5 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 6 - Forks: 0

nikenaml/gai-bai-bo-game-architecture

Heyhoy friends! I'm trying to create a game architecture from a neural network model to read finger and hand-drawn input using the CNN model architecture. This game is usually called the "suit jari" game aka Gai Bai Bo!!! (The type of the game is similar to that in South Korea) to read finger input such as photographs of rock, paper, or scissors. This model is built using the Python programming language with the CNN Algorithm Neural Network architecture.

Language: Jupyter Notebook - Size: 1.32 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

sauravmishra1710/Covid-19-Detection-using-Deep-Learning

An AI and Deep Learning based solution to help diagnose the presence of Covid-19 infection by analyzing the chest X-Ray images.

Language: Jupyter Notebook - Size: 1.24 GB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

bayuprasetyaa/D3FinalAssigment-GACNN

Looking for the best parameters using a genetic algorithm

Language: Python - Size: 7.81 KB - Last synced: 12 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

mmourafiq/tensorflow-convolution-models

Language: Jupyter Notebook - Size: 138 KB - Last synced: about 1 year ago - Pushed: over 7 years ago - Stars: 23 - Forks: 15

Related Keywords
cnn-architecture 129 deep-learning 51 cnn 35 cnn-classification 30 tensorflow 27 python 26 cnn-model 22 cnn-keras 22 machine-learning 21 pytorch 19 convolutional-neural-networks 19 keras 14 deep-neural-networks 14 cnn-for-visual-recognition 12 computer-vision 12 image-classification 11 neural-network 11 python3 10 deeplearning 10 neural-networks 9 vgg16 7 transfer-learning 7 tensorflow2 6 image-processing 5 logistic-regression 5 deep-learning-algorithms 4 network-architecture 4 cifar10 4 opencv-python 4 object-detection 4 pytorch-implementation 4 pandas 4 mnist 4 cnn-pytorch 4 keras-tensorflow 4 pytorch-cnn 4 keras-neural-networks 4 gan 4 deep-learning-tutorial 3 linear-regression 3 cifar-10 3 imagenet 3 speech-recognition 3 opencv 3 residual-networks 3 resnet 3 binary-classification 3 keras-models 3 convolutional-neural-network 3 mnist-dataset 3 convolutional-networks 3 numpy 3 dropout 3 alexnet 3 classification 3 segmentation 3 artificial-intelligence 2 cats-vs-dogs 2 regularization 2 python-3 2 handwritten-digit-recognition 2 densenet 2 learning-by-doing 2 face-recognition 2 autoencoder 2 keras-classification-models 2 udacity 2 vgg19 2 torchvision 2 random-forest 2 svm-classifier 2 flask-api 2 kaggle 2 covid-19 2 nlp-machine-learning 2 fpga 2 vhdl 2 word-embeddings 2 cnns 2 convolution 2 hardware 2 cnn-tensorflow 2 audio 2 cnn-layers 2 lenet-architecture 2 lenet-5 2 torch 2 lenet 2 convolutional-layers 2 multiclass-classification 2 style-transfer 2 speech-processing 2 audio-processing 2 convnet 2 mobilenetv2 2 data-science 2 ml 2 unsupervised-learning 2 supervised-learning 2 cnn-lstm-models 2