All Projects → Chainercv → Similar Projects or Alternatives

113 Open source projects that are alternatives of or similar to Chainercv

Chainer
A flexible framework of neural networks for deep learning
Stars: ✭ 5,656 (+286.6%)
Mutual labels:  chainer, cupy
chainer-fcis
[This project has moved to ChainerCV] Chainer Implementation of Fully Convolutional Instance-aware Semantic Segmentation
Stars: ✭ 45 (-96.92%)
Mutual labels:  chainer, chainercv
waifu2x-chainer
Chainer implementation of waifu2x
Stars: ✭ 137 (-90.64%)
Mutual labels:  chainer, cupy
chainer-dense-fusion
Chainer implementation of Dense Fusion
Stars: ✭ 21 (-98.56%)
Mutual labels:  chainer, chainercv
Einops
Deep learning operations reinvented (for pytorch, tensorflow, jax and others)
Stars: ✭ 4,022 (+174.91%)
Mutual labels:  chainer, cupy
chainer-sort
Simple, Online, Realtime Tracking of Multiple Objects (SORT) implementation for Chainer and ChainerCV.
Stars: ✭ 20 (-98.63%)
Mutual labels:  chainer, chainercv
Pytorch Pwc
a reimplementation of PWC-Net in PyTorch that matches the official Caffe version
Stars: ✭ 402 (-72.52%)
Mutual labels:  cupy
Chainer Trt
Chainer x TensorRT
Stars: ✭ 32 (-97.81%)
Mutual labels:  chainer
Cross Domain Detection
Cross-Domain Weakly-Supervised Object Detection through Progressive Domain Adaptation [Inoue+, CVPR2018].
Stars: ✭ 320 (-78.13%)
Mutual labels:  chainer
Simple Faster Rcnn Pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
Stars: ✭ 3,422 (+133.9%)
Mutual labels:  cupy
Chainer Pspnet
PSPNet in Chainer
Stars: ✭ 76 (-94.81%)
Mutual labels:  chainer
Chainer Rnn Ner
Named Entity Recognition with RNN, implemented by Chainer
Stars: ✭ 19 (-98.7%)
Mutual labels:  chainer
Portrait matting
Implementation of "Automatic Portrait Segmentation" and "Deep Automatic Portrait Matting" with Chainer.
Stars: ✭ 267 (-81.75%)
Mutual labels:  chainer
Chainer Chemistry
Chainer Chemistry: A Library for Deep Learning in Biology and Chemistry
Stars: ✭ 462 (-68.42%)
Mutual labels:  chainer
Chainer Segnet
SegNet implementation & experiments in Chainer
Stars: ✭ 42 (-97.13%)
Mutual labels:  chainer
Deeppose
DeepPose implementation in Chainer
Stars: ✭ 377 (-74.23%)
Mutual labels:  chainer
Seranet
Super Resolution of picture images using deep learning
Stars: ✭ 79 (-94.6%)
Mutual labels:  chainer
Chainer Gogh
Stars: ✭ 303 (-79.29%)
Mutual labels:  chainer
Chainerrl
ChainerRL is a deep reinforcement learning library built on top of Chainer.
Stars: ✭ 931 (-36.36%)
Mutual labels:  chainer
Chainer Faster Rcnn
Object Detection with Faster R-CNN in Chainer
Stars: ✭ 286 (-80.45%)
Mutual labels:  chainer
Pynvvl
A Python wrapper of NVIDIA Video Loader (NVVL) with CuPy for fast video loading with Python
Stars: ✭ 95 (-93.51%)
Mutual labels:  cupy
captioning chainer
A fast implementation of Neural Image Caption by Chainer
Stars: ✭ 17 (-98.84%)
Mutual labels:  chainer
Deepo
Setup and customize deep learning environment in seconds.
Stars: ✭ 6,145 (+320.03%)
Mutual labels:  chainer
voxelnet chainer
VoxelNet implementation in Chainer
Stars: ✭ 26 (-98.22%)
Mutual labels:  chainer
revisiting-sepconv
an implementation of Revisiting Adaptive Convolutions for Video Frame Interpolation using PyTorch
Stars: ✭ 43 (-97.06%)
Mutual labels:  cupy
Neuralstyler
Turn Your Videos/photos/Gif into Art
Stars: ✭ 61 (-95.83%)
Mutual labels:  chainer
Test Tube
Python library to easily log experiments and parallelize hyperparameter search for neural networks
Stars: ✭ 663 (-54.68%)
Mutual labels:  chainer
book-ml
書籍「今すぐ試したい!機械学習・深層学習(ディープラーニング)画像認識プログラミングレシピ」のソースコードを配布するレポジトリです。
Stars: ✭ 29 (-98.02%)
Mutual labels:  chainer
Cupy
NumPy & SciPy for GPU
Stars: ✭ 5,625 (+284.48%)
Mutual labels:  cupy
Wavenet
WaveNet implementation with chainer
Stars: ✭ 53 (-96.38%)
Mutual labels:  chainer
Capsnet
CapsNet (Capsules Net) in Geoffrey E Hinton paper "Dynamic Routing Between Capsules" - State Of the Art
Stars: ✭ 423 (-71.09%)
Mutual labels:  chainer
Spacenet building detection
Project to train/test convolutional neural networks to extract buildings from SpaceNet satellite imageries.
Stars: ✭ 83 (-94.33%)
Mutual labels:  chainer
Awesome deep learning interpretability
深度学习近年来关于神经网络模型解释性的相关高引用/顶会论文(附带代码)
Stars: ✭ 401 (-72.59%)
Mutual labels:  chainer
Tensorly
TensorLy: Tensor Learning in Python.
Stars: ✭ 977 (-33.22%)
Mutual labels:  cupy
Espnet
End-to-End Speech Processing Toolkit
Stars: ✭ 4,533 (+209.84%)
Mutual labels:  chainer
Wasserstein Gan
Chainer implementation of Wasserstein GAN
Stars: ✭ 95 (-93.51%)
Mutual labels:  chainer
Gp Gan
Official Chainer implementation of GP-GAN: Towards Realistic High-Resolution Image Blending (ACMMM 2019, oral)
Stars: ✭ 317 (-78.33%)
Mutual labels:  chainer
Resnet Multipleframework
ResNet benchmark by Keras(TensorFlow), Keras(MXNet), Chainer, PyTorch using Google Colab
Stars: ✭ 14 (-99.04%)
Mutual labels:  chainer
Attention is all you need
Transformer of "Attention Is All You Need" (Vaswani et al. 2017) by Chainer.
Stars: ✭ 303 (-79.29%)
Mutual labels:  chainer
Chainer Vq Vae
A Chainer implementation of VQ-VAE.
Stars: ✭ 77 (-94.74%)
Mutual labels:  chainer
Xshinnosuke
Deep learning framework realized by Numpy purely, supports for both Dynamic Graph and Static Graph with GPU acceleration
Stars: ✭ 291 (-80.11%)
Mutual labels:  cupy
Sepconv Slomo
an implementation of Video Frame Interpolation via Adaptive Separable Convolution using PyTorch
Stars: ✭ 918 (-37.25%)
Mutual labels:  cupy
Pytorch Liteflownet
a reimplementation of LiteFlowNet in PyTorch that matches the official Caffe version
Stars: ✭ 281 (-80.79%)
Mutual labels:  cupy
Kiss
Code for the paper "KISS: Keeping it Simple for Scene Text Recognition"
Stars: ✭ 108 (-92.62%)
Mutual labels:  chainer
Pyinn
CuPy fused PyTorch neural networks ops
Stars: ✭ 265 (-81.89%)
Mutual labels:  cupy
Machine Learning Curriculum
💻 Make machines learn so that you don't have to struggle to program them; The ultimate list
Stars: ✭ 761 (-47.98%)
Mutual labels:  chainer
inv rl
Inverse Reinforcement Learning Argorithms
Stars: ✭ 34 (-97.68%)
Mutual labels:  chainer
Chainer Ssd
Implementation of SSD (Single Shot MultiBox Detector) using Chainer
Stars: ✭ 66 (-95.49%)
Mutual labels:  chainer
Deeplearningmugenknock
でぃーぷらーにんぐを無限にやってディープラーニングでDeepLearningするための実装CheatSheet
Stars: ✭ 684 (-53.25%)
Mutual labels:  chainer
chainer-wasserstein-gan
Chainer implementation of the Wesserstein GAN
Stars: ✭ 20 (-98.63%)
Mutual labels:  chainer
Chainer Handson
CAUTION: This is not maintained anymore. Visit https://github.com/chainer-community/chainer-colab-notebook/
Stars: ✭ 84 (-94.26%)
Mutual labels:  chainer
deep-INFOMAX
Chainer implementation of deep-INFOMAX
Stars: ✭ 32 (-97.81%)
Mutual labels:  chainer
chainer-DenseNet
Densely Connected Convolutional Network implementation by Chainer
Stars: ✭ 39 (-97.33%)
Mutual labels:  chainer
Cgp Cnn
A Genetic Programming Approach to Designing CNN Architectures, In GECCO 2017 (oral presentation, Best Paper Award)
Stars: ✭ 59 (-95.97%)
Mutual labels:  chainer
Deep Learning Project Template
A best practice for deep learning project template architecture.
Stars: ✭ 641 (-56.19%)
Mutual labels:  chainer
neural style synthesizer
No description or website provided.
Stars: ✭ 15 (-98.97%)
Mutual labels:  chainer
graph-nvp
GraphNVP: An Invertible Flow Model for Generating Molecular Graphs
Stars: ✭ 69 (-95.28%)
Mutual labels:  chainer
Speedtorch
Library for faster pinned CPU <-> GPU transfer in Pytorch
Stars: ✭ 615 (-57.96%)
Mutual labels:  cupy
Adversarial text
Code for Adversarial Training Methods for Semi-Supervised Text Classification
Stars: ✭ 109 (-92.55%)
Mutual labels:  chainer
Comicolorization
This is the implementation of the "Comicolorization: Semi-automatic Manga Colorization"
Stars: ✭ 99 (-93.23%)
Mutual labels:  chainer
1-60 of 113 similar projects