All Projects → Timeseries_fastai → Similar Projects or Alternatives

6409 Open source projects that are alternatives of or similar to Timeseries_fastai

Pyts
A Python package for time series classification
Stars: ✭ 895 (+304.98%)
Mutual labels:  classification, timeseries
Mapclassify
Classification schemes for choropleth mapping.
Stars: ✭ 72 (-67.42%)
Mutual labels:  jupyter-notebook, classification
Applied Text Mining In Python
Repo for Applied Text Mining in Python (coursera) by University of Michigan
Stars: ✭ 59 (-73.3%)
Mutual labels:  jupyter-notebook, classification
Tsai
Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai
Stars: ✭ 407 (+84.16%)
Mutual labels:  jupyter-notebook, timeseries
Simpsonrecognition
Detect and recognize The Simpsons characters using Keras and Faster R-CNN
Stars: ✭ 131 (-40.72%)
Mutual labels:  jupyter-notebook, classification
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+2607.69%)
Mutual labels:  jupyter-notebook, classification
Mlj.jl
A Julia machine learning framework
Stars: ✭ 982 (+344.34%)
Mutual labels:  jupyter-notebook, classification
Face Mask Detection
Face masks are crucial in minimizing the propagation of Covid-19, and are highly recommended or even obligatory in many situations. In this project, we develop a pipeline to detect unmasked faces in images. This can, for example, be used to alert people that do not wear a mask when entering a building.
Stars: ✭ 37 (-83.26%)
Mutual labels:  jupyter-notebook, classification
Traffic Signs
Building a CNN based traffic signs classifier.
Stars: ✭ 115 (-47.96%)
Mutual labels:  jupyter-notebook, classification
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (+642.53%)
Mutual labels:  jupyter-notebook, timeseries
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+42.08%)
Mutual labels:  jupyter-notebook, classification
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+894.12%)
Mutual labels:  jupyter-notebook, classification
Ner Bert
BERT-NER (nert-bert) with google bert https://github.com/google-research.
Stars: ✭ 339 (+53.39%)
Mutual labels:  jupyter-notebook, classification
Breast cancer classifier
Deep Neural Networks Improve Radiologists' Performance in Breast Cancer Screening
Stars: ✭ 614 (+177.83%)
Mutual labels:  jupyter-notebook, classification
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (+102.71%)
Mutual labels:  jupyter-notebook, classification
The Deep Learning With Keras Workshop
An Interactive Approach to Understanding Deep Learning with Keras
Stars: ✭ 34 (-84.62%)
Mutual labels:  jupyter-notebook, classification
Satellite imagery analysis
Implementation of different techniques to find insights from the satellite data using Python.
Stars: ✭ 31 (-85.97%)
Mutual labels:  jupyter-notebook, classification
Anomaly detection
This is a times series anomaly detection algorithm, implemented in Python, for catching multiple anomalies. It uses a moving average with an extreme student deviate (ESD) test to detect anomalous points.
Stars: ✭ 50 (-77.38%)
Mutual labels:  jupyter-notebook, timeseries
Bayesian Neural Networks
Pytorch implementations of Bayes By Backprop, MC Dropout, SGLD, the Local Reparametrization Trick, KF-Laplace, SG-HMC and more
Stars: ✭ 900 (+307.24%)
Mutual labels:  jupyter-notebook, classification
Fine grained classification
Fined grained classification On Car dataset
Stars: ✭ 103 (-53.39%)
Mutual labels:  jupyter-notebook, classification
Selfdrivingcar
A collection of all projects pertaining to different layers in the SDC software stack
Stars: ✭ 107 (-51.58%)
Mutual labels:  jupyter-notebook, classification
Tcdf
Temporal Causal Discovery Framework (PyTorch): discovering causal relationships between time series
Stars: ✭ 217 (-1.81%)
Mutual labels:  jupyter-notebook, timeseries
Analyzing neural time series
python implementations of Analyzing Neural Time Series Textbook
Stars: ✭ 117 (-47.06%)
Mutual labels:  jupyter-notebook, timeseries
Practical Machine Learning With Python
Master the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.
Stars: ✭ 1,868 (+745.25%)
Mutual labels:  jupyter-notebook, classification
Shufflenet V2 Tensorflow
A lightweight convolutional neural network
Stars: ✭ 145 (-34.39%)
Mutual labels:  jupyter-notebook, classification
Mlstm Fcn
Multivariate LSTM Fully Convolutional Networks for Time Series Classification
Stars: ✭ 309 (+39.82%)
Mutual labels:  classification, timeseries
Remixautoml
R package for automation of machine learning, forecasting, feature engineering, model evaluation, model interpretation, data generation, and recommenders.
Stars: ✭ 159 (-28.05%)
Mutual labels:  classification, timeseries
Pycaret
An open-source, low-code machine learning library in Python
Stars: ✭ 4,594 (+1978.73%)
Mutual labels:  jupyter-notebook, classification
Transformers Tutorials
Github repo with tutorials to fine tune transformers for diff NLP tasks
Stars: ✭ 384 (+73.76%)
Mutual labels:  jupyter-notebook, classification
K Nearest Neighbors With Dynamic Time Warping
Python implementation of KNN and DTW classification algorithm
Stars: ✭ 604 (+173.3%)
Mutual labels:  jupyter-notebook, timeseries
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+1912.67%)
Mutual labels:  jupyter-notebook, classification
Skin Cancer Image Classification
Skin cancer classification using Inceptionv3
Stars: ✭ 16 (-92.76%)
Mutual labels:  jupyter-notebook, classification
Transformer
Implementation of Transformer model (originally from Attention is All You Need) applied to Time Series.
Stars: ✭ 273 (+23.53%)
Mutual labels:  jupyter-notebook, timeseries
Prediciting Binary Options
Predicting forex binary options using time series data and machine learning
Stars: ✭ 33 (-85.07%)
Mutual labels:  jupyter-notebook, classification
Kaggle Web Traffic Time Series Forecasting
Solution to Kaggle - Web Traffic Time Series Forecasting
Stars: ✭ 29 (-86.88%)
Mutual labels:  jupyter-notebook, timeseries
Ml Classification Algorithms Poverty
A comparative assessment of machine learning classification algorithms applied to poverty prediction
Stars: ✭ 36 (-83.71%)
Mutual labels:  jupyter-notebook, classification
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-90.5%)
Mutual labels:  jupyter-notebook, classification
Machine Learning From Scratch
Succinct Machine Learning algorithm implementations from scratch in Python, solving real-world problems (Notebooks and Book). Examples of Logistic Regression, Linear Regression, Decision Trees, K-means clustering, Sentiment Analysis, Recommender Systems, Neural Networks and Reinforcement Learning.
Stars: ✭ 42 (-81%)
Mutual labels:  jupyter-notebook, classification
Urban Sound Classification
Urban sound source tagging from an aggregation of four second noisy audio clips via 1D and 2D CNN (Xception)
Stars: ✭ 39 (-82.35%)
Mutual labels:  jupyter-notebook, classification
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-70.14%)
Mutual labels:  jupyter-notebook, classification
pyts-repro
A repository to compare the performance between the algorithms implemented in pyts and the performance reported in the literature
Stars: ✭ 15 (-93.21%)
Mutual labels:  timeseries, classification
Stingray
Anything can happen in the next half hour (including spectral timing made easy)!
Stars: ✭ 94 (-57.47%)
Mutual labels:  jupyter-notebook, timeseries
Kaggle Competitions
There are plenty of courses and tutorials that can help you learn machine learning from scratch but here in GitHub, I want to solve some Kaggle competitions as a comprehensive workflow with python packages. After reading, you can use this workflow to solve other real problems and use it as a template.
Stars: ✭ 86 (-61.09%)
Mutual labels:  jupyter-notebook, classification
Tsmoothie
A python library for time-series smoothing and outlier detection in a vectorized way.
Stars: ✭ 109 (-50.68%)
Mutual labels:  jupyter-notebook, timeseries
Openml R
R package to interface with OpenML
Stars: ✭ 81 (-63.35%)
Mutual labels:  jupyter-notebook, classification
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-45.7%)
Mutual labels:  jupyter-notebook, classification
Ml Dl Scripts
The repository provides usefull python scripts for ML and data analysis
Stars: ✭ 119 (-46.15%)
Mutual labels:  jupyter-notebook, classification
Simplestockanalysispython
Stock Analysis Tutorial in Python
Stars: ✭ 126 (-42.99%)
Mutual labels:  jupyter-notebook, timeseries
Phormatics
Using A.I. and computer vision to build a virtual personal fitness trainer. (Most Startup-Viable Hack - HackNYU2018)
Stars: ✭ 79 (-64.25%)
Mutual labels:  jupyter-notebook, classification
Benchmarks
Comparison tools
Stars: ✭ 139 (-37.1%)
Mutual labels:  jupyter-notebook, classification
Interactive machine learning
IPython widgets, interactive plots, interactive machine learning
Stars: ✭ 140 (-36.65%)
Mutual labels:  jupyter-notebook, classification
100daysofmlcode
My journey to learn and grow in the domain of Machine Learning and Artificial Intelligence by performing the #100DaysofMLCode Challenge.
Stars: ✭ 146 (-33.94%)
Mutual labels:  jupyter-notebook, classification
Glasses
High-quality Neural Networks for Computer Vision 😎
Stars: ✭ 138 (-37.56%)
Mutual labels:  jupyter-notebook, classification
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-64.71%)
Mutual labels:  jupyter-notebook, classification
Machine Learning Projects
This repository consists of all my Machine Learning Projects.
Stars: ✭ 135 (-38.91%)
Mutual labels:  jupyter-notebook, classification
Pastas
🍝 Pastas is an open-source Python framework for the analysis of hydrological time series.
Stars: ✭ 155 (-29.86%)
Mutual labels:  jupyter-notebook, timeseries
Timesynth
A Multipurpose Library for Synthetic Time Series Generation in Python
Stars: ✭ 170 (-23.08%)
Mutual labels:  jupyter-notebook, timeseries
Python Sonic
Programming Music with Python, Sonic Pi and Supercollider
Stars: ✭ 217 (-1.81%)
Mutual labels:  jupyter-notebook
Weightwatcher
The WeightWatcher tool for predicting the accuracy of Deep Neural Networks
Stars: ✭ 213 (-3.62%)
Mutual labels:  jupyter-notebook
1-60 of 6409 similar projects