All Projects → Awesome-Graph-Neural-Networks → Similar Projects or Alternatives

67 Open source projects that are alternatives of or similar to Awesome-Graph-Neural-Networks

Cnn Paper2
🎨 🎨 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等🎨🎨 https://dataxujing.github.io/CNN-paper2/
Stars: ✭ 77 (-95.76%)
Mutual labels:  convolutional-networks
Pytorchinsight
a pytorch lib with state-of-the-art architectures, pretrained models and real-time updated results
Stars: ✭ 713 (-60.69%)
Mutual labels:  convolutional-networks
Deblurgan
Image Deblurring using Generative Adversarial Networks
Stars: ✭ 2,033 (+12.07%)
Mutual labels:  convolutional-networks
Pytorch Fcn
PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
Stars: ✭ 1,351 (-25.52%)
Mutual labels:  convolutional-networks
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)
Stars: ✭ 340 (-81.26%)
Mutual labels:  convolutional-networks
Affnet
Code and weights for local feature affine shape estimation paper "Repeatability Is Not Enough: Learning Discriminative Affine Regions via Discriminability"
Stars: ✭ 191 (-89.47%)
Mutual labels:  convolutional-networks
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-97.13%)
Mutual labels:  convolutional-networks
SemiDenseNet
Repository containing the code of one of the networks that we employed in the iSEG Grand MICCAI Challenge 2017, infant brain segmentation.
Stars: ✭ 55 (-96.97%)
Mutual labels:  convolutional-networks
Deep Learning V2 Pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
Stars: ✭ 4,457 (+145.7%)
Mutual labels:  convolutional-networks
Eye Tracker
Implemented and improved the iTracker model proposed in the paper "Eye Tracking for Everyone"
Stars: ✭ 140 (-92.28%)
Mutual labels:  convolutional-networks
Semanticsegpapercollection
Stars: ✭ 102 (-94.38%)
Mutual labels:  convolutional-networks
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (-85.01%)
Mutual labels:  convolutional-networks
Keras Fcn
A playable implementation of Fully Convolutional Networks with Keras.
Stars: ✭ 206 (-88.64%)
Mutual labels:  convolutional-networks
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.
Stars: ✭ 85 (-95.31%)
Mutual labels:  convolutional-networks
deeplearning-papernotes
No description or website provided.
Stars: ✭ 22 (-98.79%)
Mutual labels:  convolutional-networks
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-96.42%)
Mutual labels:  convolutional-networks
Antialiased Cnns
Repository has been moved: https://github.com/adobe/antialiased-cnns
Stars: ✭ 169 (-90.68%)
Mutual labels:  convolutional-networks
Tensorflowhandwritingrecognition
Using Tensorflow to classify the NIST Dataset 19 (Handwriting)
Stars: ✭ 39 (-97.85%)
Mutual labels:  convolutional-networks
EDANet
Implementation details for EDANet
Stars: ✭ 34 (-98.13%)
Mutual labels:  convolutional-networks
Self Driving Toy Car
A self driving toy car using end-to-end learning
Stars: ✭ 494 (-72.77%)
Mutual labels:  convolutional-networks
Deep Learning Specialization Coursera
Deep Learning Specialization courses by Andrew Ng, deeplearning.ai
Stars: ✭ 146 (-91.95%)
Mutual labels:  convolutional-networks
Pytorch Unet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
Stars: ✭ 4,770 (+162.95%)
Mutual labels:  convolutional-networks
Ssd Variants
PyTorch implementation of several SSD based object detection algorithms.
Stars: ✭ 233 (-87.16%)
Mutual labels:  convolutional-networks
Darts
Differentiable architecture search for convolutional and recurrent networks
Stars: ✭ 3,463 (+90.9%)
Mutual labels:  convolutional-networks
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).
Stars: ✭ 1,693 (-6.67%)
Mutual labels:  convolutional-networks
Convolutional Network
A convolutional neural network from scratch
Stars: ✭ 105 (-94.21%)
Mutual labels:  convolutional-networks
LGCN
Tensorflow Implementation of Large-Scale Learnable Graph Convolutional Networks (LGCN) KDD18
Stars: ✭ 45 (-97.52%)
Mutual labels:  convolutional-networks
Colorizing With Gans
Grayscale Image Colorization with Generative Adversarial Networks. https://arxiv.org/abs/1803.05400
Stars: ✭ 209 (-88.48%)
Mutual labels:  convolutional-networks
Lsuvinit
Reference caffe implementation of LSUV initialization
Stars: ✭ 99 (-94.54%)
Mutual labels:  convolutional-networks
Graph Neural Net
Graph Convolutional Networks, Graph Attention Networks, Gated Graph Neural Net, Mixhop
Stars: ✭ 27 (-98.51%)
Mutual labels:  graph-attention
Awesome Graph Neural Networks
Paper Lists for Graph Neural Networks
Stars: ✭ 1,322 (-27.12%)
Mutual labels:  convolutional-networks
Squeeze and excitation
PyTorch Implementation of 2D and 3D 'squeeze and excitation' blocks for Fully Convolutional Neural Networks
Stars: ✭ 192 (-89.42%)
Mutual labels:  convolutional-networks
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
Stars: ✭ 1,232 (-32.08%)
Mutual labels:  convolutional-networks
DispNet-TensorFlow
TensorFlow implementation of DispNet by Zhijian Jiang.
Stars: ✭ 55 (-96.97%)
Mutual labels:  convolutional-networks
Tensorflow Signal Processing
doing audio digital signal processing in tensorflow to try to recreate digital audio effects
Stars: ✭ 76 (-95.81%)
Mutual labels:  convolutional-networks
Naszilla
Naszilla is a Python library for neural architecture search (NAS)
Stars: ✭ 181 (-90.02%)
Mutual labels:  convolutional-networks
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)
Stars: ✭ 63 (-96.53%)
Mutual labels:  convolutional-networks
temporal-binding-network
Implementation of "EPIC-Fusion: Audio-Visual Temporal Binding for Egocentric Action Recognition, ICCV, 2019" in PyTorch
Stars: ✭ 95 (-94.76%)
Mutual labels:  convolutional-networks
Ps Fcn
Learning Based Calibrated Photometric Stereo for Non-Lambertian Surface (ECCV 2018)
Stars: ✭ 45 (-97.52%)
Mutual labels:  convolutional-networks
Tf Adnet Tracking
Deep Object Tracking Implementation in Tensorflow for 'Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning(CVPR 2017)'
Stars: ✭ 162 (-91.07%)
Mutual labels:  convolutional-networks
Tf cnnvis
CNN visualization tool in TensorFlow
Stars: ✭ 769 (-57.61%)
Mutual labels:  convolutional-networks
Colorization.tensorflow
Image colorization using CNNs in tensorflow
Stars: ✭ 73 (-95.98%)
Mutual labels:  convolutional-networks
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (-61.41%)
Mutual labels:  convolutional-networks
Spynet
Spatial Pyramid Network for Optical Flow
Stars: ✭ 158 (-91.29%)
Mutual labels:  convolutional-networks
Ucr time series classification deep learning baseline
Fully Convlutional Neural Networks for state-of-the-art time series classification
Stars: ✭ 458 (-74.75%)
Mutual labels:  convolutional-networks
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
Stars: ✭ 248 (-86.33%)
Mutual labels:  convolutional-networks
U Net
U-Net: Convolutional Networks for Biomedical Image Segmentation
Stars: ✭ 374 (-79.38%)
Mutual labels:  convolutional-networks
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"
Stars: ✭ 143 (-92.12%)
Mutual labels:  convolutional-networks
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (-79.77%)
Mutual labels:  convolutional-networks
LSUV-pytorch
Simple implementation of the LSUV initialization in PyTorch
Stars: ✭ 51 (-97.19%)
Mutual labels:  convolutional-networks
Tensorflow Resources
Curated Tensorflow code resources to help you get started with Deep Learning.
Stars: ✭ 330 (-81.81%)
Mutual labels:  convolutional-networks
Glasses
High-quality Neural Networks for Computer Vision 😎
Stars: ✭ 138 (-92.39%)
Mutual labels:  convolutional-networks
Braindecode
Outdated, see new https://github.com/braindecode/braindecode
Stars: ✭ 284 (-84.34%)
Mutual labels:  convolutional-networks
Ml Workspace
Machine Learning (Beginners Hub), information(courses, books, cheat sheets, live sessions) related to machine learning, data science and python is available
Stars: ✭ 221 (-87.82%)
Mutual labels:  convolutional-networks
Cn24
Convolutional (Patch) Networks for Semantic Segmentation
Stars: ✭ 125 (-93.11%)
Mutual labels:  convolutional-networks
Deep-Learning-Specialization-Coursera
Deep Learning Specialization Course by Coursera. Neural Networks, Deep Learning, Hyper Tuning, Regularization, Optimization, Data Processing, Convolutional NN, Sequence Models are including this Course.
Stars: ✭ 75 (-95.87%)
Mutual labels:  convolutional-networks
Name-disambiguation
同名论文消歧的工程化方案(参考2019智源-aminer人名消歧竞赛第一名方案)
Stars: ✭ 17 (-99.06%)
Mutual labels:  graph-network
GTAV-Self-driving-car
Self driving car in GTAV with Deep Learning
Stars: ✭ 15 (-99.17%)
Mutual labels:  convolutional-networks
Fcn
Chainer Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
Stars: ✭ 211 (-88.37%)
Mutual labels:  convolutional-networks
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-93.38%)
Mutual labels:  convolutional-networks
1-60 of 67 similar projects