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

Topic: "convolutional-layers"

Maratyszcza/NNPACK

Acceleration package for neural networks on multi-core CPUs

Language: C - Size: 1.06 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1,687 - Forks: 315

benedekrozemberczki/MixHop-and-N-GCN

An implementation of "MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing" (ICML 2019).

Language: Python - Size: 5.06 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 405 - Forks: 56

grishasergii/conviz

An example of visualization of weights and output of convolutional layers

Language: Python - Size: 157 KB - Last synced at: over 1 year ago - Pushed at: almost 9 years ago - Stars: 101 - Forks: 39

lucaaslb/cnn-libras

Rede Neural Convolucional para reconhecimento de gestos em LIBRAS (Alfabeto) Projeto 01/2019 - Ciência da Computação (Universidade Anhembi Morumbi)

Language: Python - Size: 366 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 94 - Forks: 25

vishalshar/Audio-Classification-using-CNN-MLP

Multi class audio classification using Deep Learning (MLP, CNN): The objective of this project is to build a multi class classifier to identify sound of a bee, cricket or noise.

Language: Python - Size: 2.46 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 54 - Forks: 17

rtflynn/Cifar-Autoencoder

A look at some simple autoencoders for the Cifar10 dataset, including a denoising autoencoder. Python code included.

Language: Python - Size: 11.2 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 54 - Forks: 6

jwr1995/dc1d

A 1D implementation of a deformable convolutional layer in PyTorch with a few tricks.

Language: Python - Size: 97.7 KB - Last synced at: 24 days ago - Pushed at: almost 2 years ago - Stars: 42 - Forks: 4

frereit/TensorflowHandwritingRecognition 📦

Using Tensorflow to classify the NIST Dataset 19 (Handwriting)

Language: Python - Size: 43.9 MB - Last synced at: 3 days ago - Pushed at: over 6 years ago - Stars: 40 - Forks: 19

ildoonet/tf-lcnn

Tensorflow implementation for 'LCNN: Lookup-based Convolutional Neural Network'. Predict Faster using Models Trained Fast with Multi-GPUs

Language: Python - Size: 348 KB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 38 - Forks: 10

navjindervirdee/neural-networks

Implemented Convolutional Neural Network, LSTM Neural Network, and Neural Network From Scratch in Python Language.

Language: Jupyter Notebook - Size: 396 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 36 - Forks: 22

CyberZHG/keras-octave-conv 📦

Octave convolution

Language: Python - Size: 119 KB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 34 - Forks: 5

jyh2986/Active-Shift

Caffe implementation for Active Shift Layer(ASL)

Language: C++ - Size: 63.6 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 32 - Forks: 4

VivianoRiccardo/Learning-Lab-C-Library

This library provides a set of basic functions for different type of deep learning (and other) algorithms in C.This deep learning library will be constantly updated

Language: C - Size: 7.29 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 31 - Forks: 8

aarcosg/tsr-torch

Code for the paper entitled "Deep neural network for traffic sign recognition systems: An analysis of spatial transformers and stochastic optimisation methods".

Language: Lua - Size: 231 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 31 - Forks: 4

crodriguez1a/inver-synth

A Python implementation of the InverSynth method (Barkan, Tsiris, Koenigstein, Katz)

Language: Python - Size: 24.4 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 30 - Forks: 3

ai-med/nn-common-modules

Pytorch Implementations of Common modules, blocks and losses for CNNs specifically for segmentation models

Language: Python - Size: 276 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 28 - Forks: 15

detkov/Convolution-From-Scratch

Implementation of the generalized 2D convolution with dilation from scratch in Python and NumPy

Language: Python - Size: 1.26 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 25 - Forks: 6

jyh2986/Active-Shift-TF

Tensorflow implementation for Active Shift Layer(ASL)

Language: C++ - Size: 22.5 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 23 - Forks: 3

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 at: over 2 years ago - Pushed at: over 4 years ago - Stars: 21 - Forks: 8

evarae/CNN_Tutorial

Hi! Thanks for checking out my tutorial where I walk you through the process of coding a convolutional neural network in java from scratch. After building a network for a university assignment, I decided to create a tutorial to (hopefully) help others do the same and improve my own understanding of neural networks.

Language: Java - Size: 13.7 KB - Last synced at: 10 months ago - Pushed at: about 3 years ago - Stars: 19 - Forks: 3

fengwang/subpixel_conv2d

Sub-Pixel Convolutional Layer with Tensorflow/Keras

Language: Python - Size: 2.93 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 19 - Forks: 2

saaltone/SANNet

SANNet Neural Network Framework

Language: Java - Size: 6.21 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 18 - Forks: 6

brunoeducsantos/follow-me

Deep learning architecture to help a drone target and follow people

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

Simeonedef/Time-Series_Imaging_Forecasting

In this project we have explored the use of imaging time series to enhance forecasting results with Neural Networks. The approach has revealed itself to be extremely promising as, both in combination with an LSTM architecture and without, it has out-performed the pure LSTM architecture by a solid margin within our test datasets.

Language: Python - Size: 193 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 17 - Forks: 6

hiroyuki-kasai/SimpleDeepNetToolbox

Simple MATLAB toolbox for deep learning network: Version 1.0.3

Language: Matlab - Size: 83 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 16 - Forks: 10

kyegomez/SoundStream

Implementation of SoundtStream from the paper: "SoundStream: An End-to-End Neural Audio Codec"

Language: Python - Size: 2.17 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 12 - Forks: 1

gabrieldim/Calculation-Cholesterol-Data-Science

Cholesterol is calculated from the given set of data.

Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 1

ethanhe42/ResNet-tensorflow

ResNet in tensorflow for CIFAR-100, CIFAR-10

Language: Jupyter Notebook - Size: 22.1 MB - Last synced at: 6 days ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 5

khanmhmdi/Cifar-Image-Reconstruction-using-Autoencoder-Models

Cifar-10 Image Reconstruction using Auto-encoder Models

Language: Jupyter Notebook - Size: 45.9 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 0

otoolej/ms_rocket

Multi-scale version of ROCKET: a random convolutional kernel machine learning method

Language: Python - Size: 22.5 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 0

penny4860/cnn-visualizer

Visualization of the filters of VGG16, via gradient ascent in input space.

Language: Python - Size: 2.62 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 9 - Forks: 0

kyegomez/ConvNet

Implementation of the NFNets from the paper: "ConvNets Match Vision Transformers at Scale" by Google Research

Language: Python - Size: 2.16 MB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 7 - Forks: 0

JerryLingjieMei/WinogradConvolution

Winograd Convolution in Julia with CUDA kernels

Language: Julia - Size: 13.5 MB - Last synced at: 8 days ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 2

slimgroup/XConv

Memory efficient convolution networks

Language: Python - Size: 3.84 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 1

Asthestarsfalll/MegBox

MegBox is an easy-to-use, well-rounded and safe toolbox of MegEngine. Aim to imporving usage experience and speeding up develop process.

Language: Python - Size: 200 KB - Last synced at: 6 days ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

whitelok/cuDNN-convolution2D-invoke-demo

Convolution 2D cuDNN C++ implement demo 二维卷积的cuDNN实现样例 2次元畳み込みのcuDNN実装例

Language: C++ - Size: 42 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 1

blaisedelattre/lip4conv

Code for Spectral Norm of Convolutional Layers with Circular and Zero Paddings and Efficient Bound of Lipschitz Constant for Convolutional Layers by Gram Iteration

Language: Python - Size: 133 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 1

sshekh/conv-filters

Example of convolutional filters on images

Language: C++ - Size: 2.87 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 1

youweiliang/norm_robustness

Python code for the paper "Large Norms of CNN Layers Do Not Hurt Adversarial Robustness".

Language: Python - Size: 85 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 2

ck090/Google_Quick_Draw

A CNN implementation of Google's "Quick, Draw!"

Language: Jupyter Notebook - Size: 1.31 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 3

zenetio/follow-me-deeplearning

Drone using Fully Convolutional Network

Language: Jupyter Notebook - Size: 88.5 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 1

dibsonthis/SimpleFilter

Python module for image convolution and ML classification.

Language: Python - Size: 352 KB - Last synced at: 17 days ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 0

sharnam19/Networks

Library which can be used to build feed forward NN, Convolutional Nets, Linear Regression, and Logistic Regression Models.

Language: Python - Size: 3.51 MB - Last synced at: 8 days ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 1

etrommer/torch-approx

GPU-accelerated Neural Network layers using Approximate Multiplications for PyTorch

Language: Python - Size: 1.93 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 3

smrfeld/convolution-calculator

Convolution calculator for CNNs

Language: JavaScript - Size: 235 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

geekgirljoy/OCR_Neural_Network

Examples of PHP-FANN OCR Neural Networks

Language: PHP - Size: 43.5 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 2

Garvit-k/alexnet

AlexNet Research

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

Xujan24/Object-Detection-using-CNN

A simple single object detection using Convolutional Neural Network, (CNN).

Language: Python - Size: 438 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 4

AashJ/Neural-Style-Transfer

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

Ali-E/FastClip

Controlling the spectral norm of implicitly linear layers (e.g., convolutional layers)

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

ak811/dlci

Deep Learning on Custom Images

Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

whitelok/cuDNN-convolution3D-invoke-demo

Convolution 3D cuDNN C++ implement demo 三维卷积的cuDNN实现样例 3次元畳み込みのcuDNN実装例

Language: C++ - Size: 23.4 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

KryptixOne/Thesis-Learning-from-Human-Demonstration

Determine feasible grasp positions and orientations using a spherically transformed dataset.

Language: Python - Size: 76.4 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

duongnphong/Conv2D-NumPy

2D Convolution from NumPy

Language: Python - Size: 519 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

josebaeza14/DeepLearningClassification-Detection

Memoria del Trabajo Fin de Grado (TFG) "Deep Learning para clasificación y detección de personas", en la que se explican los pasos seguidos para la elaboración de una Red Neuronal Convolucional para Clasificación de personas y otra para Detección. Realizado con la ayuda de la librería TensorFlow en el lenguaje de programación Python

Size: 4.72 MB - Last synced at: 11 months ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

salimandre/PcaNet

PcaNet, PCA Network, Deep Learning, Face Classification, LFW dataset, SVM

Language: Python - Size: 399 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

ddfabbro/caffe-tucker-decomposition

Caffe implementation of tucker tensor decomposition for convolutional layers

Language: Python - Size: 18.6 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 2

jfjensen/CarSim

Udacity CarND - Behavioral Cloning Project

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

Razvan48/Proiect-Deep-Learning-DL

Proiect Deep Learning (DL) Anul 3, Semestrul 2, Facultatea de Matematica si Informatica, Universitatea din Bucuresti

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: 8 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 1

harinik05/LeukoDif

Denoising diffusion medical model (DDMM) for diagnosis of Acute Lymphoblastic Leukemia

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

RimTouny/Weed-Species-Classification-and-Bounding-Box-Regression

Leveraging advanced image processing and deep learning, this project classifies plant images using a subset of the Plant Seedlings dataset. The dataset includes diverse plant species captured under varying conditions. This project holds significance within my Master's in Computer Vision at uOttawa (2023).

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

KevayneCst/TER

End-of-studies project about SNN and motion recognition

Language: Python - Size: 2.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

heydarimo/DCGAN

In this project, we tend to generate some high-quality paintings using the ABSTRACT-ART-GALLERY dataset according to the DCGAN concept!

Language: Jupyter Notebook - Size: 13.7 MB - Last synced at: 10 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

ProsperChuks/binary-classification-on-image

Language: Jupyter Notebook - Size: 327 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Vibhugupta10616/Semantic-Image-Segmentation-Unet

Built a U-Net, a type of CNN used for image segmentation, i.e to predict a label for every single pixel in an image

Language: Jupyter Notebook - Size: 509 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

RobyKoeswojo/Climate-Forecast-using-Convolutional-LSTM-Network

Tags: time series, forecast, prediction, convolutional layer, recurrent neural network (RNN), long short term memory (LSTM), Tensorflow, Tensorflow Data

Language: Jupyter Notebook - Size: 1.24 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

neelangshu007/Smart-Mathematics-Tutor

Smart Maths tutor system is a web based graphical user interface where a user gets to draw shapes of mathematical figures such as square, triangle, circle etc. for which the output would be related formulas to the drawn figure.

Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 2

lucciffer/Basic-Networks-And-Architectures

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

suprateembanerjee/Traffic-Sign-Recognition

In this project I have designed a Traffic Sign Classifier, which classifies German Traffic Signs.

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

mrinal1704/Dog-Breed-Classifier-using-CNN

This repo contains a Dog breed classifier algorithm using deep learning. The main functions of this algorithm are that if a dog is detected in the image, it will provide an estimate of the dog's breed. If a human is detected, it will provide an estimate of the dog breed that is most resembling.

Language: Jupyter Notebook - Size: 2.08 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 2

moroshko/cnnviz

Convolutional Neural Networks Playground

Language: JavaScript - Size: 718 KB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

cnavneet/notMNIST

Identifying text in images in different fonts using deep neural network techniques.

Language: Jupyter Notebook - Size: 307 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

git-steb/structural-deformable-models

Multi-shape detection algorithm in C++ with OpenGL GUI

Language: C++ - Size: 35.3 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

mpuig/CarND-Behavioral-Cloning

A deep neural network approach to clone human driving behavior

Language: Jupyter Notebook - Size: 77.2 MB - Last synced at: 3 months ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

VictoorV/Saules_GAN

Size: 927 KB - Last synced at: 25 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

izzortsi/2d-dynamics

repository for archiving experiments with various families of "spatially" two-dimensional dynamical systems.

Language: Julia - Size: 661 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Sanjana-Janagani/GoogleNet-LSTM-using-Python

GoogleNet Architecture is trained on CIFAR10 Dataset and LSTM Architecture is trained on IBM Stocks Dataset

Language: Jupyter Notebook - Size: 725 KB - Last synced at: 3 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Egauvrit/wst4gs

Wavelet Scattering Transform applied for Geo Sciences.

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

marius004/cnn

Classify images generated by deep generative models

Language: Python - Size: 204 MB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

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 at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

haniye6776/Manual-CNN

CNN for Fashion Mnist

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

20CE034/Fast-Food-Classification-Using-CNN

This is Fast Food Classification data set containing images of 5 different types of fast food. Here we are going to apply CNN technique to identify fast food images. It will give detailed analysis of content in the food.

Language: Jupyter Notebook - Size: 23.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

StasGT/Decomposition

Improving the performance of convolutional networks

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

LiyaUnknown/convolutional_nural_network

in this repository i write a simple convolutional nural network model using tensorflow and keras 📌📚 my medium account 👇

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

Shivaani-32/Fire-Detection-And-Prediction-Of-its-Execution

A project with front end built using flask, that detects if a fire is present in a vedio and also checks if it can be extinguished or not

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

peter-strom/ML-p3-CNN

Language: C++ - Size: 172 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

applesoju/DeepNeuralNetworks-P

Language: Python - Size: 726 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

jhson989/analyse-cudnn-conv-fwd-algo

cuDNN Convolution Forward Algorithm 분석

Language: Cuda - Size: 13.7 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

tanishkaa31/denoising-audio-signal

denoising speech signal using a denoising convolutional autoencoder

Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

jungsoh/gru-trigger-word-detection

Recurrent neural network with GRUs for trigger word detection from an audio clip

Language: Jupyter Notebook - Size: 127 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

somjit101/Self-Driving-Car

An implementation of a simple self-driving car control using the image feed from a single dashcam.

Language: Python - Size: 17.8 MB - Last synced at: 25 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

meutsabdahal/Image-Classification-using-Deep-Learning

Sentiment Analysis Using Tensorflow

Language: Jupyter Notebook - Size: 313 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

somjit101/DCGAN-Gradient-Tape

A study of the use of the Tensorflow GradientTape class for differentiation and custom gradient generation along with its use to implement a Deep-Convolutional Generative Adversarial Network (GAN) to generate images of hand-written digits.

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

KwokHing/TF2-Cifar10-CNN-Demo

Demo on performing multiclass image classification using Convolutional Neural Network (CNN) in Tensorflow 2. Techniques such as earlystopping, batchnormalizing and dropout are explored to prevent overfitting

Language: Jupyter Notebook - Size: 4.12 MB - Last synced at: 23 days ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

hmcalister/MNIST-Machine-Learning-Investigation

A beginner's investigation into the world of neural networks, using the MNIST image dataset

Language: Python - Size: 11.9 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

idozahavy/NeuralNetwork

A functional Neural Network class

Language: Python - Size: 42 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

pjsudharshan/Seep_Segmentation

Language: Python - Size: 47.5 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

MBadriNarayanan/TensorFlowInPractice 📦

Tensor Flow In Practice Specialization (4 Courses) . Course offered by Coursera and deeplearning.ai. Taught by Laurence Moroney.

Language: Jupyter Notebook - Size: 2.98 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

Develop-Packt/Performing-Style-Transfer-with-PyTorch

Perform style transfer using pretrained models. Create well-performing algorithms without having to gather large quantities of data.

Language: Jupyter Notebook - Size: 14.6 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

Develop-Packt/Introduction-to-Convolutional-Neural-Networks-with-PyTorch

Use CNNs to solve image classification problems using PyTorch. Improve your model's performance by applying data augmentation and batch normalization.

Language: Jupyter Notebook - Size: 83 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

Related Topics
convolutional-neural-networks 45 deep-learning 35 neural-network 24 tensorflow 23 python 23 cnn 18 machine-learning 17 pytorch 14 neural-networks 12 convolutional-neural-network 11 deep-neural-networks 11 ai 10 artificial-intelligence 9 convolutional-networks 9 convolution 9 batch-normalization 8 cnn-classification 7 image-processing 7 deeplearning 7 cnn-keras 6 python3 6 numpy 6 keras 5 dropout 5 visualization 5 image-classification 5 classification 5 regularization 4 lstm 4 machine-learning-algorithms 4 python-3 4 cuda 4 data-augmentation 4 relu-layer 4 dropout-layers 4 mnist-dataset 4 keras-tensorflow 4 cifar10 4 backpropagation 4 classifier 3 cudnn 3 udacity 3 mnist 3 dcgan 3 maxpooling 3 udacity-self-driving-car 3 computer-vision 3 segmentation 3 pooling 3 image-segmentation 3 artificial-neural-networks 3 transformer 3 max-pooling 3 cnn-model 3 inference 3 ml 3 stochastic-gradient-descent 3 self-driving-car 3 cpp 3 opencv 2 traffic-signs 2 gradient-descent 2 softmax 2 pytorch-cnn 2 library 2 adam-optimizer 2 unet 2 traffic-sign-classification 2 pooling-max-average 2 generative-adversarial-network 2 transpose-convolution 2 convolution-filter 2 ann 2 cnn-architecture 2 cifar-10 2 rnn 2 lstm-neural-networks 2 nvidia-cuda 2 nvidia 2 forward-propagation 2 deep-learning-algorithms 2 inference-engine 2 sgd 2 classification-algorithm 2 cpu 2 detection 2 tensorflow2 2 matplotlib 2 convolutional 2 convolutional-lstm 2 gan 2 data-science 2 flask 2 research 2 time-series 2 pooling-layers 2 jupyter-notebook 2 semantic-segmentation 2 asl 2 caffe 2