All Projects → Deep Learning In Production → Similar Projects or Alternatives

8148 Open source projects that are alternatives of or similar to Deep Learning In Production

Minecraft Reinforcement Learning
Deep Recurrent Q-Learning vs Deep Q Learning on a simple Partially Observable Markov Decision Process with Minecraft
Stars: ✭ 33 (-84.72%)
Mutual labels:  jupyter-notebook, deeplearning
Deeplabv3 Plus
Tensorflow 2.3.0 implementation of DeepLabV3-Plus
Stars: ✭ 32 (-85.19%)
Minerva Training Materials
Learn advanced data science on real-life, curated problems
Stars: ✭ 37 (-82.87%)
Mutual labels:  jupyter-notebook, training
Tf Unet
tensorflow version of unet
Stars: ✭ 29 (-86.57%)
Mutual labels:  semantic-segmentation, unet
Lung Segmentation
Segmentation of Lungs from Chest X-Rays using Fully Connected Networks
Stars: ✭ 47 (-78.24%)
Mutual labels:  semantic-segmentation, unet
Adaptive Multispeaker Separation
Adaptive and Focusing Neural Layers for Multi-Speaker Separation Problem
Stars: ✭ 42 (-80.56%)
Mutual labels:  jupyter-notebook, deeplearning
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (-77.31%)
Mutual labels:  semantic-segmentation, unet
Advanced Gradient Obfuscating
Take further steps in the arms race of adversarial examples with only preprocessing.
Stars: ✭ 28 (-87.04%)
Mutual labels:  jupyter-notebook, deeplearning
Usss iccv19
Code for Universal Semi-Supervised Semantic Segmentation models paper accepted in ICCV 2019
Stars: ✭ 57 (-73.61%)
Pycm
Multi-class confusion matrix library in Python
Stars: ✭ 1,076 (+398.15%)
Mutual labels:  ai, deeplearning
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-71.3%)
Mutual labels:  ai, jupyter-notebook
Python Tutorial Notebooks
Python tutorials as Jupyter Notebooks for NLP, ML, AI
Stars: ✭ 52 (-75.93%)
Mutual labels:  jupyter-notebook, deeplearning
Deep learning for biologists with keras
tutorials made for biologists to learn deep learning
Stars: ✭ 74 (-65.74%)
Mutual labels:  jupyter-notebook, deeplearning
Tools To Design Or Visualize Architecture Of Neural Network
Tools to Design or Visualize Architecture of Neural Network
Stars: ✭ 1,143 (+429.17%)
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-90.28%)
Mutual labels:  jupyter-notebook, deeplearning
Torchlambda
Lightweight tool to deploy PyTorch models to AWS Lambda
Stars: ✭ 83 (-61.57%)
Mutual labels:  deployment, production
Yolo resnet
Implementing YOLO using ResNet as the feature extraction network
Stars: ✭ 82 (-62.04%)
Mutual labels:  jupyter-notebook, training
Novel Deep Learning Model For Traffic Sign Detection Using Capsule Networks
capsule networks that achieves outstanding performance on the German traffic sign dataset
Stars: ✭ 88 (-59.26%)
Mutual labels:  jupyter-notebook, deeplearning
Unet Tgs
Applying UNET Model on TGS Salt Identification Challenge hosted on Kaggle
Stars: ✭ 81 (-62.5%)
Ai Dl Enthusiasts Meetup
AI & Deep Learning Enthusiasts Meetup Project & Study Sessions
Stars: ✭ 90 (-58.33%)
Mutual labels:  ai, jupyter-notebook
Deep Dream In Pytorch
Pytorch implementation of the DeepDream computer vision algorithm
Stars: ✭ 90 (-58.33%)
Mutual labels:  ai, jupyter-notebook
Micromlp
A micro neural network multilayer perceptron for MicroPython (used on ESP32 and Pycom modules)
Stars: ✭ 92 (-57.41%)
Mutual labels:  ai, deeplearning
Pragmaticai
[Book-2019] Pragmatic AI: An Introduction to Cloud-based Machine Learning
Stars: ✭ 79 (-63.43%)
Mutual labels:  ai, jupyter-notebook
Objectron
Objectron is a dataset of short, object-centric video clips. In addition, the videos also contain AR session metadata including camera poses, sparse point-clouds and planes. In each video, the camera moves around and above the object and captures it from different views. Each object is annotated with a 3D bounding box. The 3D bounding box describes the object’s position, orientation, and dimensions. The dataset contains about 15K annotated video clips and 4M annotated images in the following categories: bikes, books, bottles, cameras, cereal boxes, chairs, cups, laptops, and shoes
Stars: ✭ 1,352 (+525.93%)
Mutual labels:  ai, jupyter-notebook
Deep Residual Unet
ResUNet, a semantic segmentation model inspired by the deep residual learning and UNet. An architecture that take advantages from both(Residual and UNet) models.
Stars: ✭ 97 (-55.09%)
Spectralnormalizationkeras
Spectral Normalization for Keras Dense and Convolution Layers
Stars: ✭ 100 (-53.7%)
Mutual labels:  jupyter-notebook, deeplearning
Ngsim env
Learning human driver models from NGSIM data with imitation learning.
Stars: ✭ 96 (-55.56%)
Mutual labels:  jupyter-notebook, deeplearning
Sw machine learning
machine learning
Stars: ✭ 108 (-50%)
Mutual labels:  ai, jupyter-notebook
Seldon Server
Machine Learning Platform and Recommendation Engine built on Kubernetes
Stars: ✭ 1,435 (+564.35%)
Mutual labels:  cloud, deployment
Ds bowl 2018
Kaggle Data Science Bowl 2018
Stars: ✭ 116 (-46.3%)
Mutual labels:  jupyter-notebook, unet
Kaggle Carvana Image Masking Challenge
Top 15% ranked solution to the Carvana Image Masking Challenge on Kaggle
Stars: ✭ 13 (-93.98%)
Cloudtopolis
Zero Infrastructure Password Cracking
Stars: ✭ 137 (-36.57%)
Mutual labels:  cloud, jupyter-notebook
Machine Learning Projects
This repository consists of all my Machine Learning Projects.
Stars: ✭ 135 (-37.5%)
Mutual labels:  jupyter-notebook, deployment
Seq2seq tutorial
Code For Medium Article "How To Create Data Products That Are Magical Using Sequence-to-Sequence Models"
Stars: ✭ 132 (-38.89%)
Mutual labels:  jupyter-notebook, deeplearning
Nlpaug
Data augmentation for NLP
Stars: ✭ 2,761 (+1178.24%)
Mutual labels:  ai, jupyter-notebook
Deep Learning With Tensorflow Book
深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
Stars: ✭ 12,105 (+5504.17%)
Mutual labels:  jupyter-notebook, deeplearning
Semantic Segmentation Of Remote Sensing Images
遥感图像的语义分割,基于深度学习,在Tensorflow框架下,利用TF.Keras,运行环境TF2.0+
Stars: ✭ 125 (-42.13%)
Mutual labels:  semantic-segmentation, unet
Keras Segmentation Deeplab V3.1
An awesome semantic segmentation model that runs in real time
Stars: ✭ 156 (-27.78%)
Fcn For Semantic Segmentation
Implemention of FCN-8 and FCN-16 with Keras and uses CRF as post processing
Stars: ✭ 155 (-28.24%)
Datasciencevm
Tools and Docs on the Azure Data Science Virtual Machine (http://aka.ms/dsvm)
Stars: ✭ 153 (-29.17%)
Mutual labels:  ai, jupyter-notebook
Clearml Server
ClearML - Auto-Magical Suite of tools to streamline your ML workflow. Experiment Manager, ML-Ops and Data-Management
Stars: ✭ 186 (-13.89%)
Mutual labels:  ai, deeplearning
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (-12.5%)
Mutual labels:  jupyter-notebook, training
Seldon Core
An MLOps framework to package, deploy, monitor and manage thousands of production machine learning models
Stars: ✭ 2,815 (+1203.24%)
Mutual labels:  jupyter-notebook, deployment
Workshops
Workshops organized to introduce students to security, AI, AR/VR, hardware and software
Stars: ✭ 162 (-25%)
Mutual labels:  ai, jupyter-notebook
Pai
Resource scheduling and cluster management for AI
Stars: ✭ 2,223 (+929.17%)
Mutual labels:  ai, cloud
Djl Demo
Demo applications showcasing DJL
Stars: ✭ 126 (-41.67%)
Mutual labels:  ai, deeplearning
Easymodels
Easily find and view pre-trained AI models and deep learning projects through the command line 💻
Stars: ✭ 186 (-13.89%)
Mutual labels:  ai, training
Eye In The Sky
Satellite Image Classification using semantic segmentation methods in deep learning
Stars: ✭ 185 (-14.35%)
Mutual labels:  semantic-segmentation, unet
Deeplearning.ai Note
网易云课堂终于官方发布了吴恩达经过授权的汉化课程-“”深度学习专项课程“”,这是自己做的一些笔记以及代码。下为网易云学习链接
Stars: ✭ 181 (-16.2%)
Mutual labels:  ai, jupyter-notebook
Deep Learning Paper Review And Practice
꼼꼼한 딥러닝 논문 리뷰와 코드 실습
Stars: ✭ 184 (-14.81%)
Mutual labels:  ai, jupyter-notebook
Imodels
Interpretable ML package 🔍 for concise, transparent, and accurate predictive modeling (sklearn-compatible).
Stars: ✭ 194 (-10.19%)
Mutual labels:  ai, jupyter-notebook
Clearml
ClearML - Auto-Magical CI/CD to streamline your ML workflow. Experiment Manager, MLOps and Data-Management
Stars: ✭ 2,868 (+1227.78%)
Mutual labels:  ai, deeplearning
Machinelearning ng
吴恩达机器学习coursera课程,学习代码(2017年秋) The Stanford Coursera course on MachineLearning with Andrew Ng
Stars: ✭ 181 (-16.2%)
Mutual labels:  ai, jupyter-notebook
Hyperdash Sdk Py
Official Python SDK for Hyperdash
Stars: ✭ 190 (-12.04%)
Mutual labels:  ai, jupyter-notebook
Atari Model Zoo
A binary release of trained deep reinforcement learning models trained in the Atari machine learning benchmark, and a software release that enables easy visualization and analysis of models, and comparison across training algorithms.
Stars: ✭ 198 (-8.33%)
Mutual labels:  ai, jupyter-notebook
Halite Ii
Season 2 of @twosigma's artificial intelligence programming challenge
Stars: ✭ 201 (-6.94%)
Mutual labels:  ai, deeplearning
Hivemq Mqtt Tensorflow Kafka Realtime Iot Machine Learning Training Inference
Real Time Big Data / IoT Machine Learning (Model Training and Inference) with HiveMQ (MQTT), TensorFlow IO and Apache Kafka - no additional data store like S3, HDFS or Spark required
Stars: ✭ 204 (-5.56%)
Mutual labels:  cloud, jupyter-notebook
Netron
Visualizer for neural network, deep learning, and machine learning models
Stars: ✭ 17,193 (+7859.72%)
Mutual labels:  ai, deeplearning
Text Classification
Text Classification through CNN, RNN & HAN using Keras
Stars: ✭ 216 (+0%)
Mutual labels:  jupyter-notebook, deeplearning
Touchdown
Cloud service orchestration framework for python
Stars: ✭ 10 (-95.37%)
Mutual labels:  cloud, deployment
61-120 of 8148 similar projects