All Projects → turbofan_failure → Similar Projects or Alternatives

847 Open source projects that are alternatives of or similar to turbofan_failure

Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+140404.35%)
Mutual labels:  svm, scikit-learn, lstm
MachineLearning
Implementations of machine learning algorithm by Python 3
Stars: ✭ 16 (-30.43%)
Mutual labels:  scikit-learn, lstm
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+1400%)
Mutual labels:  scikit-learn, lstm
Breast-cancer-risk-prediction
Classification of Breast Cancer diagnosis Using Support Vector Machines
Stars: ✭ 143 (+521.74%)
Mutual labels:  svm, prediction-model
Machine-Learning
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.
Stars: ✭ 54 (+134.78%)
Mutual labels:  scikit-learn, lstm
regression-stock-prediction
Predicting Google’s stock price using regression
Stars: ✭ 54 (+134.78%)
Mutual labels:  svm, scikit-learn
Speech Emotion Recognition
Speech emotion recognition implemented in Keras (LSTM, CNN, SVM, MLP) | 语音情感识别
Stars: ✭ 181 (+686.96%)
Mutual labels:  svm, lstm
100 Days Of Ml Code
100 Days of ML Coding
Stars: ✭ 33,641 (+146165.22%)
Mutual labels:  svm, scikit-learn
Actionai
custom human activity recognition modules by pose estimation and cascaded inference using sklearn API
Stars: ✭ 404 (+1656.52%)
Mutual labels:  scikit-learn, lstm
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (+373.91%)
Mutual labels:  svm, scikit-learn
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (+252.17%)
Mutual labels:  svm, scikit-learn
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (+30.43%)
Mutual labels:  svm, lstm
Facial Expression Recognition Svm
Training SVM classifier to recognize people expressions (emotions) on Fer2013 dataset
Stars: ✭ 110 (+378.26%)
Mutual labels:  svm, scikit-learn
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+73.91%)
Mutual labels:  svm, lstm
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+1139.13%)
Mutual labels:  svm, scikit-learn
Dash Svm
Interactive SVM Explorer, using Dash and scikit-learn
Stars: ✭ 147 (+539.13%)
Mutual labels:  svm, scikit-learn
TextClassification
基于scikit-learn实现对新浪新闻的文本分类,数据集为100w篇文档,总计10类,测试集与训练集1:1划分。分类算法采用SVM和Bayes,其中Bayes作为baseline。
Stars: ✭ 86 (+273.91%)
Mutual labels:  svm, scikit-learn
Host-Load-Prediction-with-LSTM
host load prediction with Long Short-Term Memory in cloud computing
Stars: ✭ 28 (+21.74%)
Mutual labels:  lstm
Algorithmic-Trading
Algorithmic trading using machine learning.
Stars: ✭ 102 (+343.48%)
Mutual labels:  scikit-learn
crnn.caffe
crnn.caffe
Stars: ✭ 76 (+230.43%)
Mutual labels:  lstm
DrowsyDriverDetection
This is a project implementing Computer Vision and Deep Learning concepts to detect drowsiness of a driver and sound an alarm if drowsy.
Stars: ✭ 82 (+256.52%)
Mutual labels:  lstm
multiscorer
A module for allowing the use of multiple metric functions in scikit's cross_val_score
Stars: ✭ 21 (-8.7%)
Mutual labels:  scikit-learn
lstm-numpy
Vanilla LSTM with numpy
Stars: ✭ 17 (-26.09%)
Mutual labels:  lstm
verbecc
Complete Conjugation of any Verb using Machine Learning for French, Spanish, Portuguese, Italian and Romanian
Stars: ✭ 45 (+95.65%)
Mutual labels:  scikit-learn
dnd-lstm
A Python(PyTorch) implementation of memory augmented neural network based on Ritter et al. (2018). Been There, Done That: Meta-Learning with Episodic Recall. ICML.
Stars: ✭ 30 (+30.43%)
Mutual labels:  lstm
kaggledatasets
Collection of Kaggle Datasets ready to use for Everyone (Looking for contributors)
Stars: ✭ 44 (+91.3%)
Mutual labels:  scikit-learn
Bidirectiona-LSTM-for-text-summarization-
A bidirectional encoder-decoder LSTM neural network is trained for text summarization on the cnn/dailymail dataset. (MIT808 project)
Stars: ✭ 73 (+217.39%)
Mutual labels:  lstm
charts
Helm charts for creating reproducible and maintainable deployments of Polyaxon with Kubernetes.
Stars: ✭ 32 (+39.13%)
Mutual labels:  scikit-learn
AutoTabular
Automatic machine learning for tabular data. ⚡🔥⚡
Stars: ✭ 51 (+121.74%)
Mutual labels:  scikit-learn
sklearn-pmml-model
A library to parse and convert PMML models into Scikit-learn estimators.
Stars: ✭ 71 (+208.7%)
Mutual labels:  scikit-learn
KMeans elbow
Code for determining optimal number of clusters for K-means algorithm using the 'elbow criterion'
Stars: ✭ 35 (+52.17%)
Mutual labels:  scikit-learn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-30.43%)
Mutual labels:  lstm
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (+4.35%)
Mutual labels:  lstm
Heart-Diagnosis-Engine
2019년 민족사관고등학교 졸업 프로젝트
Stars: ✭ 12 (-47.83%)
Mutual labels:  scikit-learn
pred-rnn
PredRNN: Recurrent Neural Networks for Predictive Learning using Spatiotemporal LSTMs
Stars: ✭ 115 (+400%)
Mutual labels:  lstm
Sales-Prediction
In depth analysis and forecasting of product sales based on the items, stores, transaction and other dependent variables like holidays and oil prices.
Stars: ✭ 56 (+143.48%)
Mutual labels:  prediction-model
algorithmia
No description or website provided.
Stars: ✭ 15 (-34.78%)
Mutual labels:  lstm
Time-Series-Forecasting
Rainfall analysis of Maharashtra - Season/Month wise forecasting. Different methods have been used. The main goal of this project is to increase the performance of forecasted results during rainy seasons.
Stars: ✭ 27 (+17.39%)
Mutual labels:  lstm
Cubist
A Python package for fitting Quinlan's Cubist regression model
Stars: ✭ 22 (-4.35%)
Mutual labels:  scikit-learn
cli
Polyaxon Core Client & CLI to streamline MLOps
Stars: ✭ 18 (-21.74%)
Mutual labels:  scikit-learn
LSTM-sentiment-analysis
LSTM sentiment analysis. Please look at my another repo for SVM and Naive algorithem
Stars: ✭ 19 (-17.39%)
Mutual labels:  lstm
dltf
Hands-on in-person workshop for Deep Learning with TensorFlow
Stars: ✭ 14 (-39.13%)
Mutual labels:  lstm
lstm har
LSTM based human activity recognition using smart phone sensor dataset
Stars: ✭ 20 (-13.04%)
Mutual labels:  lstm
BM25Transformer
(Python) transform a document-term matrix to an Okapi/BM25 representation
Stars: ✭ 50 (+117.39%)
Mutual labels:  scikit-learn
CrabNet
Predict materials properties using only the composition information!
Stars: ✭ 57 (+147.83%)
Mutual labels:  scikit-learn
Tess4Android
A new fork base on tess-two and Tesseract 4.0.0
Stars: ✭ 31 (+34.78%)
Mutual labels:  lstm
QTextRecognizer
A gui for tesseractOCR with some preprocessing image options (OpenCV) for improve character recognition
Stars: ✭ 27 (+17.39%)
Mutual labels:  lstm
dlime experiments
In this work, we propose a deterministic version of Local Interpretable Model Agnostic Explanations (LIME) and the experimental results on three different medical datasets shows the superiority for Deterministic Local Interpretable Model-Agnostic Explanations (DLIME).
Stars: ✭ 21 (-8.7%)
Mutual labels:  scikit-learn
pedestrian-detection
Pedestrian Detection using Non Maximum Suppression
Stars: ✭ 30 (+30.43%)
Mutual labels:  scikit-learn
BiLSTM-CRF-NER-PyTorch
This repo contains a PyTorch implementation of a BiLSTM-CRF model for named entity recognition task.
Stars: ✭ 109 (+373.91%)
Mutual labels:  lstm
LIBSVM.jl
LIBSVM bindings for Julia
Stars: ✭ 74 (+221.74%)
Mutual labels:  svm
ML-Track
This repository is a recommended track, designed to get started with Machine Learning.
Stars: ✭ 19 (-17.39%)
Mutual labels:  scikit-learn
learningspoons
nlp lecture-notes and source code
Stars: ✭ 29 (+26.09%)
Mutual labels:  lstm
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-26.09%)
Mutual labels:  svm
Voice4Rural
A complete one stop solution for all the problems of Rural area people. 👩🏻‍🌾
Stars: ✭ 12 (-47.83%)
Mutual labels:  scikit-learn
audio noise clustering
https://dodiku.github.io/audio_noise_clustering/results/ ==> An experiment with a variety of clustering (and clustering-like) techniques to reduce noise on an audio speech recording.
Stars: ✭ 24 (+4.35%)
Mutual labels:  scikit-learn
R Unet
Video prediction using lstm and unet
Stars: ✭ 25 (+8.7%)
Mutual labels:  lstm
nlp workshop odsc europe20
Extensive tutorials for the Advanced NLP Workshop in Open Data Science Conference Europe 2020. We will leverage machine learning, deep learning and deep transfer learning to learn and solve popular tasks using NLP including NER, Classification, Recommendation \ Information Retrieval, Summarization, Classification, Language Translation, Q&A and T…
Stars: ✭ 127 (+452.17%)
Mutual labels:  scikit-learn
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (+78.26%)
Mutual labels:  lstm
ArrayLSTM
GPU/CPU (CUDA) Implementation of "Recurrent Memory Array Structures", Simple RNN, LSTM, Array LSTM..
Stars: ✭ 21 (-8.7%)
Mutual labels:  lstm
1-60 of 847 similar projects