LidongZhang1222
Graduate student in Safety Science and Engineering with application of ML and DL in the field.
Xi'an University of Science and TechnologyXi'an, Shaanxi, China
LidongZhang1222's Stars
yzhao062/pyod
A Python Library for Outlier and Anomaly Detection, Integrating Classical and Deep Learning Techniques
yzhao062/anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
jaungiers/LSTM-Neural-Network-for-Time-Series-Prediction
LSTM built using Keras Python package to predict time series steps and sequences. Includes sin wave and stock market data
susanli2016/Machine-Learning-with-Python
Python code for common Machine Learning Algorithms
MorvanZhou/Tensorflow-Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
rob-med/awesome-TS-anomaly-detection
List of tools & datasets for anomaly detection on time-series data.
jiesutd/NCRFpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
chickenbestlover/RNN-Time-series-Anomaly-Detection
RNN based Time-series Anomaly detector model implemented in Pytorch.
nivu/ai_all_resources
A curated list of Best Artificial Intelligence Resources
guillaume-chevalier/seq2seq-signal-prediction
Signal forecasting with a Sequence-to-Sequence (seq2seq) Recurrent Neural Network (RNN) model in TensorFlow - Guillaume Chevalier
lkulowski/LSTM_encoder_decoder
Build a LSTM encoder-decoder using PyTorch to make sequence-to-sequence prediction for time series data
chen0040/keras-anomaly-detection
Anomaly detection implemented in Keras
Marcnuth/AnomalyDetection
Twitter's Anomaly Detection in Pure Python
MBKraus/Predicting_real_estate_prices_using_scikit-learn
Predicting Amsterdam house / real estate prices using Ordinary Least Squares-, XGBoost-, KNN-, Lasso-, Ridge-, Polynomial-, Random Forest-, and Neural Network MLP Regression (via scikit-learn)
Ankit-Kumar-Saini/Coursera_Deep_Learning_Specialization
Implementation of Logistic Regression, MLP, CNN, RNN & LSTM from scratch in python. Training of deep learning models for image classification, object detection, and sequence processing (including transformers implementation) in TensorFlow.
adityatb/noise-reduction-using-rnn
Implements python programs to train and test a Recurrent Neural Network with Tensorflow
LopezGG/Sequence-Labelling
Implementing , learning and re implementing "End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF" in keras
PatientEz/Multidimensional-time-series-prediction-
Multidimensional Time Series Prediction by using LSTM
jefkine/zeta-learn
zeta-lean: minimalistic python machine learning library built on top of numpy and matplotlib
abr-98/Stock_prediction_approach_modified
A python based project to predict values based on RNN and Regression
DavideRoznowicz/Stock-Transformer
Whole-system multidimensional financial time series prediction and simulation from timestamped prices only.
elch10/anomaly-detection
Change-point and anomaly detection in multidimensional time series
faizalcorleone7/Data-Mining
Predicts opening stock prices of 469 S&P companies. Uses five different datasets merged into one using the date column. Three regression techniques are used and also reinforcement learning is used among these algorithms to determine weights among these regressor predictions. Accuracy for each company on an average is 97%.
nghiahuynh-ai/Applying-Machine-learning-methods-for-petrolelum-production-rate-prediction
linear regression, SVR, RNN, LSTM, GRU, python
wjdghks950/DeepLearning_py
Contains codes for Deep RNN, CNN models; including regression models in Python 3.6.1
changweiwangisme/skiller
this is a library for multidimensional time sequence learning and prediction
emaballarin/financial-wholenamycs
Whole-system multidimensional financial time series prediction and simulation from timestamped prices only (attempt of)