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

GitHub topics: convolutional-networks

adnaanz/lsu

Compute LSU factorization of a matrix in PyTorch

Language: Python - Size: 19.5 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

milesial/Pytorch-UNet

PyTorch implementation of the U-Net for image semantic segmentation with high quality images

Language: Python - Size: 46.3 MB - Last synced at: 3 days ago - Pushed at: 11 months ago - Stars: 10,248 - Forks: 2,625

towhee-io/towhee

Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.

Language: Python - Size: 37.2 MB - Last synced at: 5 days ago - Pushed at: 8 months ago - Stars: 3,382 - Forks: 260

FrancescoSaverioZuppichini/glasses

High-quality Neural Networks for Computer Vision 😎

Language: Jupyter Notebook - Size: 129 MB - Last synced at: about 11 hours ago - Pushed at: almost 3 years ago - Stars: 447 - Forks: 35

ethanhe42/u-net

U-Net: Convolutional Networks for Biomedical Image Segmentation

Language: Python - Size: 10.7 MB - Last synced at: 5 days ago - Pushed at: about 1 year ago - Stars: 434 - Forks: 159

TrustAGI-Lab/Awesome-Graph-Neural-Networks

Paper Lists for Graph Neural Networks

Size: 60.5 KB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 2,261 - Forks: 383

666DZY666/micronet

micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape

Language: Python - Size: 6.68 MB - Last synced at: 16 days ago - Pushed at: about 2 months ago - Stars: 2,250 - Forks: 476

frereit/TensorflowHandwritingRecognition 📦

Using Tensorflow to classify the NIST Dataset 19 (Handwriting)

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

KupynOrest/DeblurGAN

Image Deblurring using Generative Adversarial Networks

Language: Python - Size: 83.8 MB - Last synced at: 27 days ago - Pushed at: over 5 years ago - Stars: 2,596 - Forks: 527

experiencor/self-driving-toy-car

A self driving toy car using end-to-end learning

Language: Jupyter Notebook - Size: 571 MB - Last synced at: 23 days ago - Pushed at: almost 8 years ago - Stars: 521 - Forks: 72

bentrevett/pytorch-image-classification

Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.

Language: Jupyter Notebook - Size: 88.3 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1,023 - Forks: 253

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 at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 557 - Forks: 173

adobe/stringlifier

Stringlifier is on Opensource ML Library for detecting random strings in raw text. It can be used in sanitising logs, detecting accidentally exposed credentials and as a pre-processing step in unsupervised ML-based analysis of application text data.

Language: Python - Size: 7.35 MB - Last synced at: 29 days ago - Pushed at: about 1 month ago - Stars: 167 - Forks: 28

thtrieu/darkflow

Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices

Language: Python - Size: 32.2 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 6,147 - Forks: 2,060

udacity/deep-learning-v2-pytorch

Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101

Language: Jupyter Notebook - Size: 146 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 5,393 - Forks: 5,344

quark0/darts

Differentiable architecture search for convolutional and recurrent networks

Language: Python - Size: 4.7 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 3,961 - Forks: 835

ducha-aiki/caffenet-benchmark

Evaluation of the CNN design choices performance on ImageNet-2012.

Language: Jupyter Notebook - Size: 201 MB - Last synced at: about 1 month ago - Pushed at: almost 8 years ago - Stars: 743 - Forks: 152

shekkizh/Colorization.tensorflow

Image colorization using CNNs in tensorflow

Language: Python - Size: 1.76 MB - Last synced at: 23 days ago - Pushed at: about 7 years ago - Stars: 74 - Forks: 19

Shashu0581/DART

DART (Diffusion-Autoregressive Recursive Transformer) is a novel hybrid architecture that combines diffusion-based and autoregressive approaches for text generation.

Language: Python - Size: 39.1 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

darienmt/CarND-Semantic-Segmentation-P2

Udacity Self-Driving Car Nanodegree - Semantic Segmentation Project

Language: Jupyter Notebook - Size: 5.69 MB - Last synced at: 27 days ago - Pushed at: over 6 years ago - Stars: 15 - Forks: 13

JosephChenHub/pytorch-lars

Large Batch Training of Convolutional Networks with Layer-wise Adaptive Rate Scaling

Language: Python - Size: 126 KB - Last synced at: 20 days ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

experiencor/keras-yolo2

Easy training on custom dataset. Various backends (MobileNet and SqueezeNet) supported. A YOLO demo to detect raccoon run entirely in brower is accessible at https://git.io/vF7vI (not on Windows).

Language: Jupyter Notebook - Size: 52.6 MB - Last synced at: 27 days ago - Pushed at: over 2 years ago - Stars: 1,736 - Forks: 779

wkentaro/pytorch-fcn 📦

PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)

Language: Python - Size: 32 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1,768 - Forks: 481

ImagingLab/Colorizing-with-GANs

Grayscale Image Colorization with Generative Adversarial Networks. https://arxiv.org/abs/1803.05400

Language: Python - Size: 23.5 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 266 - Forks: 96

naszilla/naszilla

Naszilla is a Python library for neural architecture search (NAS)

Language: Python - Size: 1.72 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 309 - Forks: 46

anoushkrit/open-knowledge

Contains information links, articles, research papers, tweets, blog posts, companies etc and everything which is even minutely related to the field of Artificial Intelligence, Distributed Computing, Quantum Computing and Physics, Evolutionary Biology, Crypto-currency, Virual and Augmented Reality etc.

Language: HTML - Size: 453 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 13 - Forks: 6

HongyangGao/LGCN Fork of divelab/lgcn

Tensorflow Implementation of Large-Scale Learnable Graph Convolutional Networks (LGCN) KDD18

Language: Python - Size: 140 KB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 47 - Forks: 23

guanyingc/PS-FCN

Learning Based Calibrated Photometric Stereo for Non-Lambertian Surface (ECCV 2018)

Language: Python - Size: 4.02 MB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 109 - Forks: 34

hurshd0/must-read-papers-for-ml

Collection of must read papers for Data Science, or Machine Learning / Deep Learning Engineer

Size: 19.5 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1,136 - Forks: 163

ssusnic/Machine-Learning-Doodle-Recognition

A project on making a game like Quick Draw using Machine Learning with Convolutional Neural Network.

Language: JavaScript - Size: 2.01 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 37 - Forks: 13

cauchyturing/UCR_Time_Series_Classification_Deep_Learning_Baseline

Fully Convlutional Neural Networks for state-of-the-art time series classification

Language: Python - Size: 1.76 MB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 687 - Forks: 204

AdicherlaVenkataSai/ml-workspace

Machine Learning (Beginners Hub), information(courses, books, cheat sheets, live sessions) related to machine learning, data science and python is available

Size: 229 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 375 - Forks: 109

anuragranj/spynet

Spatial Pyramid Network for Optical Flow

Language: Lua - Size: 64.1 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 240 - Forks: 48

ducha-aiki/LSUVinit

Reference caffe implementation of LSUV initialization

Language: C++ - Size: 30.9 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 113 - Forks: 33

DataXujing/CNN-paper2

:art: :art: 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等:art::art: https://dataxujing.github.io/CNN-paper2/

Size: 765 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 178 - Forks: 49

rfonod/deepsleep2

A compact U-Net-inspired convolutional neural network with 740,551 parameters, designed to predict non-apnea sleep arousals from full-length multi-channel polysomnographic recordings at 5-millisecond resolution. Achieves similar performance to DeepSleep with lower computational cost.

Language: Jupyter Notebook - Size: 791 MB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 13 - Forks: 3

thtrieu/essence

AutoDiff DAG constructor, built on numpy and Cython. A Neural Turing Machine and DeepQ agent run on it. Clean code for educational purpose.

Language: Python - Size: 19.4 MB - Last synced at: 16 days ago - Pushed at: over 5 years ago - Stars: 77 - Forks: 18

ducha-aiki/affnet

Code and weights for local feature affine shape estimation paper "Repeatability Is Not Enough: Learning Discriminative Affine Regions via Discriminability"

Language: Python - Size: 61.3 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 271 - Forks: 48

barisgudul/FurVision

🐾 FurVision: Advanced CNN for Cat/Dog Classification

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

wkentaro/fcn

Chainer Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)

Language: Python - Size: 20 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 217 - Forks: 97

infocusp/tf_cnnvis

CNN visualization tool in TensorFlow

Language: Python - Size: 3.65 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 777 - Forks: 208

AntoineBendafiSchulmann/doc_detector_pl

Language: Python - Size: 621 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

o-ikne/Deep-Learning-Courses

This repository contains labs and tutorials on Convolutional Graph Networks (GCNs).

Language: Jupyter Notebook - Size: 44.6 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

ducha-aiki/LSUV-keras

Simple implementation of the LSUV initialization in keras

Language: Python - Size: 9.77 KB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 67 - Forks: 22

hoangcuong2011/Good-Papers

I try my best to keep updated cutting-edge knowledge in Machine Learning/Deep Learning and Natural Language Processing. These are my notes on some good papers

Size: 322 KB - Last synced at: 7 months ago - Pushed at: about 6 years ago - Stars: 285 - Forks: 57

shuowang-ai/GeniePath-pytorch

This is a PyTorch implementation of the GeniePath model in <GeniePath: Graph Neural Networks with Adaptive Receptive Paths> (https://arxiv.org/abs/1802.00910)

Language: Python - Size: 170 KB - Last synced at: 7 months ago - Pushed at: 11 months ago - Stars: 104 - Forks: 27

richzhang/antialiased-cnns

Repository has been moved: https://github.com/adobe/antialiased-cnns

Size: 74 MB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 165 - Forks: 4

MrinmoiHossain/Udacity-Deep-Learning-Nanodegree

The course is contained knowledge that are useful to work on deep learning as an engineer. Simple neural networks & training, CNN, Autoencoders and feature extraction, Transfer learning, RNN, LSTM, NLP, Data augmentation, GANs, Hyperparameter tuning, Model deployment and serving are included in the course.

Language: Jupyter Notebook - Size: 403 MB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 54 - Forks: 29

AndyVale/convolutional_benchmarks_vnncomp

This repository contains a collection of convolutional benchmarks from VNNCOMP 2022-2024. It is designed to offer a more organized version of the existing benchmarks, making it easier to test new software. We recommend cloning the 'benchmarks_vnncomp' repository, which includes this repository as a submodule.

Size: 406 MB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

AllanYiin/trident

Make pytorch and tensorflow two become one.

Language: HTML - Size: 708 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 72 - Forks: 12

zsxoff/neural-orthodontic-cephalometry

Convolutional networks detection in cephalometry based on TensorFlow

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

skcript/tensorflow-resources

Curated Tensorflow code resources to help you get started with Deep Learning.

Language: Python - Size: 170 MB - Last synced at: 4 days ago - Pushed at: over 7 years ago - Stars: 340 - Forks: 37

hshatti/LightNet

Implemented in pure pascal LightNet is an artificial intelligence neural network library Inspired by Darknet and yolo library which can run most of the darknet including YOLO models nativly and self dependently in pascal, tests are provided for both Lazarus and Delphi

Language: Pascal - Size: 4.62 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 43 - Forks: 6

IanTaehoonYoo/semantic-segmentation-pytorch

Pytorch implementation of FCN, UNet, PSPNet, and various encoder models.

Language: Python - Size: 36.7 MB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 87 - Forks: 20

implus/PytorchInsight

a pytorch lib with state-of-the-art architectures, pretrained models and real-time updated results

Language: Python - Size: 5.09 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 857 - Forks: 122

mustafa-qamaruddin/restful-pytorch-automation

PyTorch Automation through RESTful APIs with SocketIO and Redis Queues

Language: Python - Size: 1.2 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 1

mustafa-qamaruddin/pytorch-training-automation

PyTorch Deep Learning Training Automation Scripts

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

AdalbertoCq/Deep-Learning-Specialization-Coursera

Deep Learning Specialization courses by Andrew Ng, deeplearning.ai

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

Mohit-Ak/CarND-Behavioral-Cloning-P3

Use traditional and convolutional neural networks to the clone driving behavior and then drive a race car in a simulator

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

StivenMetaj/MNR_MUSCIMA_Notes_Recognition

An academic project about the retrieve of information about notes in music sheets using a Faster R-CNN and MUSCIMA++ dataset. The project was made by me and Federico Magnolfi [@fedem96].

Language: Python - Size: 13.7 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 3

TNTLFreiburg/braindecode

Outdated, see new https://github.com/braindecode/braindecode

Language: Python - Size: 3.35 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 321 - Forks: 158

Abhijeet8901/Image-Colorization-using-GANs

Grayscale Image Colorization with Generative Adversarial Networks.

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

matiashrnndz/tensorflow

Projects done for Tensoflow Developer Professional Certification that DeepLearning.ai offers.

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

cvjena/cn24

Convolutional (Patch) Networks for Semantic Segmentation

Language: C++ - Size: 8.41 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 123 - Forks: 44

yearing1017/Paper_Note

📚 记录一些自己读过的论文与笔记

Size: 70.9 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 24 - Forks: 1

pradeepsinngh/Visual-Recognition-using-CNN

Image classification using ConvNets models for Fashion-MNIST dataset.

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

Shobhit20/Image-Captioning

Image Captioning: Implementing the Neural Image Caption Generator with python

Language: Python - Size: 2.63 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 62 - Forks: 36

JihongJu/keras-fcn

A playable implementation of Fully Convolutional Networks with Keras.

Language: Python - Size: 982 KB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 202 - Forks: 85

ZhijianJiang/DispNet-TensorFlow

TensorFlow implementation of DispNet by Zhijian Jiang.

Language: Python - Size: 9.77 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 58 - Forks: 24

GustikS/NeuraLifting

Lossless Compression of Structured Convolutional Models via Lifting

Language: Shell - Size: 1.54 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

kristijanbartol/Deep-Music-Tagger

Music genre classification model using CRNN

Language: Python - Size: 51.4 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 67 - Forks: 7

shivamsouravjha/Pose-estimators

In progress deployment of pose estimation.

Language: Jupyter Notebook - Size: 416 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 37 - Forks: 6

ducha-aiki/LSUV-pytorch

Simple implementation of the LSUV initialization in PyTorch

Language: Python - Size: 8.92 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 58 - Forks: 9

mhmohona/Udacity-DeepLearning-Nanodegree-Phase2

Out of ten thousand students in the Facebook PyTorch Scholarship Challenge, as one of the top 300 students from the first phase, PyTorch Scholarship Challenge from Facebook I have earned full scholarships to Udacity’s DLND program.

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

bumic/bestofml

A repository for sharing best of resources for learning the current state of the art in machine learning. Join our Facebook group:

Size: 30.3 KB - Last synced at: about 14 hours ago - Pushed at: over 7 years ago - Stars: 42 - Forks: 10

rahulkgup/deep-learning-foundation

Repo for the Deep Learning Nanodegree Foundations program.

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

dorajam/Convolutional-Network

A convolutional neural network from scratch

Language: Python - Size: 16.2 MB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 102 - Forks: 48

farahbakhsh3/DeepAtariLearning

یادگیری ماشین و شبکه عصبی برای یادگیری بازی آتاری

Language: Visual Basic 6.0 - Size: 1.76 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

theshaikasad/DogBreedClassification

Language: HTML - Size: 544 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

shawnyuen/semantic_seg_paper_collection

Size: 604 KB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 128 - Forks: 23

bravo-t/NN

A framework for neural network

Language: C - Size: 693 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 0

alexisbcook/keras_transfer_cifar10

Object classification with CIFAR-10 using transfer learning

Language: Jupyter Notebook - Size: 5.34 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 131 - Forks: 58

Jonyzim/Computer_Vision_Project

Convolutional network for 0 to 9 digit classification, trained with MNIST database. Using Tensorflow library in Python.

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

Issam28/Brain-tumor-segmentation

A deep learning based approach for brain tumor MRI segmentation.

Language: Python - Size: 35.1 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 175 - Forks: 63

uoip/SSD-variants

PyTorch implementation of several SSD based object detection algorithms.

Language: Python - Size: 48.8 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 241 - Forks: 58

mateuszbuda/ALL-CNN

Striving for Simplicity: The All Convolutional Net (All-CNN-C)

Language: Shell - Size: 5.02 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 39 - Forks: 11

hugochan/Eye-Tracker

Implemented and improved the iTracker model proposed in the paper "Eye Tracking for Everyone"

Language: Python - Size: 25.4 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 198 - Forks: 51

buomsoo-kim/Easy-deep-learning-with-Keras

Keras tutorial for beginners (using TF backend)

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

josedolz/LiviaNET

This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"

Language: Python - Size: 12.1 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 160 - Forks: 52

ai-med/squeeze_and_excitation

PyTorch Implementation of 2D and 3D 'squeeze and excitation' blocks for Fully Convolutional Neural Networks

Language: Python - Size: 318 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 292 - Forks: 50

bill-kalog/cnn-sent

convnet for sentiment analysis

Language: Python - Size: 21.5 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

surmenok/GTSRB

Convolutional Neural Network for German Traffic Sign Recognition Benchmark

Language: Jupyter Notebook - Size: 2.4 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 108 - Forks: 46

pcomitz/BehavioralCloning

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

sangingeum/Machine-Learning-Implementation

ML implementations for me to look up

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

IliaOzhmegov/TradingNeuralNetwork

A network tries to predict movements in stock prices based on a picture of a time series stock price.

Language: Python - Size: 182 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 22 - Forks: 10

toderesa97/NeuralNetworkRepo

This repo aims at understanding the theory behind NNs

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

chl218/Machine-Learning

Stanford Machine Learning on Coursera

Language: Matlab - Size: 58.2 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

angelmtenor/dog-project Fork of udacity/dog-project

AIND Term 2 -- CNN Project

Language: HTML - Size: 55.7 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

deepakkavoor/FashionMNIST-using-PyTorch

Neural Network Classifier on FashionMNIST

Language: Jupyter Notebook - Size: 42 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 1

ttungl/Deep-Learning

Implemented the deep learning techniques using Google Tensorflow that cover deep neural networks with a fully connected network using SGD and ReLUs; Regularization with a multi-layer neural network using ReLUs, L2-regularization, and dropout, to prevent overfitting; Convolutional Neural Networks (CNNs) with learning rate decay and dropout; and Recurrent Neural Networks (RNNs) for text and sequences with Long Short-Term Memory (LSTM) networks.

Language: Jupyter Notebook - Size: 1.86 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 6

Related Keywords
convolutional-networks 212 deep-learning 123 convolutional-neural-networks 67 machine-learning 60 tensorflow 47 neural-network 47 pytorch 43 computer-vision 38 deep-neural-networks 32 keras 26 cnn 25 neural-networks 24 python 23 deeplearning 14 image-classification 13 segmentation 12 recurrent-neural-networks 10 classification 10 convolutional-neural-network 10 recurrent-networks 10 convolutional-layers 9 python3 9 image-segmentation 8 lstm 8 artificial-intelligence 8 semantic-segmentation 8 unet 8 visualization 7 coursera 7 image-processing 7 transfer-learning 6 regularization 6 object-detection 6 self-driving-car 6 gans 6 generative-adversarial-network 6 udacity 6 sentiment-analysis 6 resnet 5 deep-learning-algorithms 5 caffe 5 cnn-keras 5 rnn 5 mnist 5 ai 5 fcn 5 image-captioning 5 python-3 4 natural-language-processing 4 nanodegree 4 cifar10 4 paper 4 artificial-neural-networks 4 keras-neural-networks 4 fully-convolutional-networks 4 kaggle 4 style-transfer 4 reinforcement-learning 4 tutorial 4 vgg 4 dropout 3 theano 3 u-net 3 gan 3 tensorflow-models 3 detection 3 lsuv-initialization 3 lsuv 3 initialization 3 time-series 3 cifar-10 3 classifier 3 cnn-architecture 3 c 3 mri 3 medical-image-processing 3 machine-learning-algorithms 3 natural-language 3 automl 3 pytorch-unet 3 tensorboard 3 data-science 3 graph 3 action-recognition 3 optimization 3 batch-normalization 3 keras-tensorflow 3 convolution 3 cnn-classification 3 pytorch-lightning 3 sequence-models 3 nlp 3 tensorflow-examples 3 colorization 3 cs231n-assignment 3 cs231n 3 fcn8s 3 medical-imaging 3 relu 2 imagenet 2