All Projects → Ml5 Library → Similar Projects or Alternatives

550 Open source projects that are alternatives of or similar to Ml5 Library

Pytorch Randaugment
Unofficial PyTorch Reimplementation of RandAugment.
Stars: ✭ 323 (-93.88%)
Mutual labels:  imagenet
Pnasnet.pytorch
PyTorch implementation of PNASNet-5 on ImageNet
Stars: ✭ 309 (-94.15%)
Mutual labels:  imagenet
Stock Prediction Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
Stars: ✭ 4,660 (-11.74%)
Mutual labels:  lstm
Keras Anomaly Detection
Anomaly detection implemented in Keras
Stars: ✭ 335 (-93.66%)
Mutual labels:  lstm
Mobilenetv3.pytorch
74.3% MobileNetV3-Large and 67.2% MobileNetV3-Small model on ImageNet
Stars: ✭ 283 (-94.64%)
Mutual labels:  imagenet
Flow Forecast
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
Stars: ✭ 368 (-93.03%)
Mutual labels:  lstm
Crnn attention ocr chinese
CRNN with attention to do OCR,add Chinese recognition
Stars: ✭ 315 (-94.03%)
Mutual labels:  lstm
Class Balanced Loss
Class-Balanced Loss Based on Effective Number of Samples. CVPR 2019
Stars: ✭ 433 (-91.8%)
Mutual labels:  imagenet
Computer Vision Leaderboard
Comparison of famous convolutional neural network models
Stars: ✭ 299 (-94.34%)
Mutual labels:  imagenet
Benchmarking Keras Pytorch
🔥 Reproducibly benchmarking Keras and PyTorch models
Stars: ✭ 346 (-93.45%)
Mutual labels:  imagenet
Rexnet
Official Pytorch implementation of ReXNet (Rank eXpansion Network) with pretrained models
Stars: ✭ 319 (-93.96%)
Mutual labels:  imagenet
Randwirenn
Pytorch Implementation of: "Exploring Randomly Wired Neural Networks for Image Recognition"
Stars: ✭ 270 (-94.89%)
Mutual labels:  imagenet
Zhihu Text Classification
[2017知乎看山杯 多标签 文本分类] ye组(第六名) 解题方案
Stars: ✭ 392 (-92.58%)
Mutual labels:  lstm
Stock Trading Ml
A stock trading bot that uses machine learning to make price predictions.
Stars: ✭ 325 (-93.84%)
Mutual labels:  lstm
Msdnet
Multi-Scale Dense Networks for Resource Efficient Image Classification (ICLR 2018 Oral)
Stars: ✭ 443 (-91.61%)
Mutual labels:  imagenet
Assembled Cnn
Tensorflow implementation of "Compounding the Performance Improvements of Assembled Techniques in a Convolutional Neural Network"
Stars: ✭ 319 (-93.96%)
Mutual labels:  imagenet
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (-93.05%)
Mutual labels:  lstm
Theano lstm
🔬 Nano size Theano LSTM module
Stars: ✭ 310 (-94.13%)
Mutual labels:  lstm
Cnn lstm ctc ocr
Tensorflow-based CNN+LSTM trained with CTC-loss for OCR
Stars: ✭ 464 (-91.21%)
Mutual labels:  lstm
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (-94.28%)
Mutual labels:  lstm
Predictive Maintenance Using Lstm
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Stars: ✭ 352 (-93.33%)
Mutual labels:  lstm
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (-94.51%)
Mutual labels:  lstm
Sentimentanalysis
文本情感分析
Stars: ✭ 421 (-92.03%)
Mutual labels:  lstm
Rnnsharp
RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.
Stars: ✭ 277 (-94.75%)
Mutual labels:  lstm
Cnn lstm ctc tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Stars: ✭ 343 (-93.5%)
Mutual labels:  lstm
Ner Lstm Crf
An easy-to-use named entity recognition (NER) toolkit, implemented the Bi-LSTM+CRF model in tensorflow.
Stars: ✭ 337 (-93.62%)
Mutual labels:  lstm
Deeplearning.ai Assignments
Stars: ✭ 268 (-94.92%)
Mutual labels:  lstm
Actionai
custom human activity recognition modules by pose estimation and cascaded inference using sklearn API
Stars: ✭ 404 (-92.35%)
Mutual labels:  lstm
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (-93.64%)
Mutual labels:  lstm
Pytorch Ntm
Neural Turing Machines (NTM) - PyTorch Implementation
Stars: ✭ 453 (-91.42%)
Mutual labels:  lstm
Php Opencv Examples
Tutorial for computer vision and machine learning in PHP 7/8 by opencv (installation + examples + documentation)
Stars: ✭ 333 (-93.69%)
Mutual labels:  imagenet
Espnetv2
A light-weight, power efficient, and general purpose convolutional neural network
Stars: ✭ 377 (-92.86%)
Mutual labels:  imagenet
Tensorflow poems
中文古诗自动作诗机器人,屌炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新!
Stars: ✭ 3,429 (-35.06%)
Mutual labels:  lstm
Dancenet
DanceNet -💃💃Dance generator using Autoencoder, LSTM and Mixture Density Network. (Keras)
Stars: ✭ 469 (-91.12%)
Mutual labels:  lstm
Natural Adv Examples
A Harder ImageNet Test Set (CVPR 2021)
Stars: ✭ 317 (-94%)
Mutual labels:  imagenet
Mobilenetv2.pytorch
72.8% MobileNetV2 1.0 model on ImageNet and a spectrum of pre-trained MobileNetV2 models
Stars: ✭ 369 (-93.01%)
Mutual labels:  imagenet
Bcdu Net
BCDU-Net : Medical Image Segmentation
Stars: ✭ 314 (-94.05%)
Mutual labels:  lstm
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (-91.8%)
Mutual labels:  lstm
Tresnet
Official Pytorch Implementation of "TResNet: High-Performance GPU-Dedicated Architecture" (WACV 2021)
Stars: ✭ 314 (-94.05%)
Mutual labels:  imagenet
Handwriting Generation
Implementation of handwriting generation with use of recurrent neural networks in tensorflow. Based on Alex Graves paper (https://arxiv.org/abs/1308.0850).
Stars: ✭ 361 (-93.16%)
Mutual labels:  lstm
Deep srl
Code and pre-trained model for: Deep Semantic Role Labeling: What Works and What's Next
Stars: ✭ 309 (-94.15%)
Mutual labels:  lstm
Lstm Fcn
Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
Stars: ✭ 482 (-90.87%)
Mutual labels:  lstm
Kraken
OCR engine for all the languages
Stars: ✭ 304 (-94.24%)
Mutual labels:  lstm
Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (-93.28%)
Mutual labels:  imagenet
Segmentation models.pytorch
Segmentation models with pretrained backbones. PyTorch.
Stars: ✭ 4,584 (-13.18%)
Mutual labels:  imagenet
Chinese poem generator
唐诗、宋词生成器,有详细说明
Stars: ✭ 428 (-91.89%)
Mutual labels:  lstm
Pytorch Hardnet
35% faster than ResNet: Harmonic DenseNet, A low memory traffic network
Stars: ✭ 293 (-94.45%)
Mutual labels:  imagenet
Densenet Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
Stars: ✭ 350 (-93.37%)
Mutual labels:  imagenet
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (-94.56%)
Mutual labels:  lstm
Robustness
Corruption and Perturbation Robustness (ICLR 2019)
Stars: ✭ 463 (-91.23%)
Mutual labels:  imagenet
Paraphraser
Sentence paraphrase generation at the sentence level
Stars: ✭ 283 (-94.64%)
Mutual labels:  lstm
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (-93.47%)
Mutual labels:  lstm
Cryptocurrency Price Prediction
Cryptocurrency Price Prediction Using LSTM neural network
Stars: ✭ 271 (-94.87%)
Mutual labels:  lstm
Neural Backed Decision Trees
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
Stars: ✭ 411 (-92.22%)
Mutual labels:  imagenet
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (-93.6%)
Mutual labels:  lstm
Tensorflow object tracking video
Object Tracking in Tensorflow ( Localization Detection Classification ) developed to partecipate to ImageNET VID competition
Stars: ✭ 491 (-90.7%)
Mutual labels:  imagenet
Musical Neural Net
Train an LSTM to generate piano or violin/piano music.
Stars: ✭ 478 (-90.95%)
Mutual labels:  lstm
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (-91.42%)
Mutual labels:  lstm
Computer Vision
Programming Assignments and Lectures for Stanford's CS 231: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 408 (-92.27%)
Mutual labels:  imagenet
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (-93.6%)
Mutual labels:  imagenet
1-60 of 550 similar projects