Tensorflow image detection - Python
https://github.com/ArunMichaelDsouza/tensorflow-image-detection 311Tensorflow image detection - Python Similar Projects List
Keras flask deploy webapp - JavaScript
968
:smiley_cat: Pretty & simple image classifier app template. Deploy your own trained model or pre-trained model (VGG, ResNet, Densenet) to a web app using Flask in 10 minutes.
Deploy Keras Model with Flask as Web App in 10 Minutes
A pretty and customizable web app to deploy your DL model with ease
Getting Started in 10 Minutes
Clone this repo
Install requirements
Run the script
Inception v4 - Python
367
Inception v4 in Keras
Implementations of the Inception-v4, Inception - Resnet-v1 and v2 Architectures in Keras using the Functional API. The paper on these architectures is available at "Inception-v4, Inception-ResNet and the Imp
Keras inceptionV4 - Python
442
Keras Implementation of Google's Inception-V4 Architecture (includes Keras compatible pre-trained weights).
Keras Inception-V4
Keras implementation of Google's inception v4 model with ported weights!
As described in: Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning (Christian Szegedy, Sergey Ioffe, Vin
DeepLearnToolbox - MATLAB
3.7k
Matlab/Octave toolbox for deep learning. Includes Deep Belief Nets, Stacked Autoencoders, Convolutional Neural Nets, Convolutional Autoencoders and vanilla Neural Nets. Each method has examples to get you started.
Deprecation notice.
This toolbox is outdated and no longer maintained.
There are much better tools available for deep learning than this toolbox, e.g. Theano, torch or tensorflow
I would suggest you use one of the tools mention
ReasonBERT
19
Code and pre-trained models for "ReasonBert: Pre-trained to Reason with Distant Supervision", EMNLP'2021
MusiCNN - Jupyter Notebook
377
Pronounced as "musician", musicnn is a set of pre-trained deep convolutional neural networks for music audio tagging.
musicnn
Pronounced as "musician", musicnn is a set of pre-trained musically motivated convolutional neural networks for music audio tagging. This repository also includes some pre-trained vgg-like baselines.
Check the documentat
Musicnn - Jupyter Notebook
364
Pronounced as "musician", musicnn is a set of pre-trained deep convolutional neural networks for music audio tagging.
BertPunc - Jupyter Notebook
143
SOTA punctation restoration (for e.g. automatic speech recognition) deep learning model based on BERT pre-trained model.
BertPunc
This repository contains the code of BertPunc a punctuation restoration model based on Google's BERT. The model is fine-tuned from a pretrained reimplementation of BERT in Pytorch.
A punctation restoration model adds pu
CLIP - Jupyter Notebook
1.1k
CLIP (Contrastive Language-Image Pre-Training) is a neural network trained on a variety of (image, text) pairs. It can be instructed in natural language to predict the most relevant text snippet, given an image, without directly optimizing for the task, similarly to the zero-shot capabilities of GPT-2 and 3.
Lanenet lane detection - Python
1.7k
Unofficial implemention of lanenet model for real time lane detection using deep neural network model https://maybeshewill-cv.github.io/lanenet-lane-detection/.
LaneNet-Lane-Detection
Use tensorflow to implement a Deep Neural Network for real time lane detection mainly based on the IEEE IV conference paper "Towards End-to-End Lane Detection: an Instance Segmentation Approach".You can ref
Awesome program -
28
A curated list of papers related to program synthesis, program induction, program execution, program and code repair, and programmatic reinforcement learning. This repo contains a curated list of papers related to program synthesis, program induction, program execution, program and code repair, and programmatic reinforcement learning.
DPED - Python
1.4k
Software and pre-trained models for automatic photo quality enhancement using Deep Convolutional Networks.
DSLR-Quality Photos on Mobile Devices with Deep Convolutional Networks
1. Overview [paper] [project webpage] [enhancing RAW photos]
The provided code implements the paper that presents an end-to-end deep learning
UI2I via StyleGAN2
186
Unsupervised image-to-image translation method via pre-trained StyleGAN2 network
SuperPointPretrainedNetwork - Python
1.3k
PyTorch pre-trained model for real-time interest point detection, description, and sparse tracking (https://arxiv.org/abs/1712.07629).
Research @ Magic Leap
SuperPoint Weights File and Demo Script
Introduction
This repo contains the pretrained SuperPoint network, as implemented by the originating authors. SuperPoint is a research project
CIFAR10CNNFlask - Python
63
Building a HTTP-accessed convolutional neural network model using TensorFlow NN (tf.nn), CIFAR10 dataset, Python and Flask. . Building a convolutional neural network (CNN/ConvNet) using TensorFlow NN (tf.nn) module. The CNN model architecture is created and trained using the CIFAR10 dataset. The model is accessed using HTTP by creating a Web application using Pyth