sczhai's Stars
EthicalML/awesome-production-machine-learning
A curated list of awesome open source libraries to deploy, monitor, version and scale your machine learning
ageron/handson-ml3
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
lawlite19/MachineLearning_Python
机器学习算法python实现
MichalDanielDobrzanski/DeepLearningPython
neuralnetworksanddeeplearning.com integrated scripts for Python 3.5.2 and Theano with CUDA support
curiousily/Getting-Things-Done-with-Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BER
PacktPublishing/The-Kaggle-Book
Code Repository for The Kaggle Book, Published by Packt Publishing
cerlymarco/MEDIUM_NoteBook
Repository containing notebooks of my posts on Medium
Tencent/Metis
Metis is a learnware platform in the field of AIOps.
eisman/neo4jd3
Neo4j graph visualization using D3.js
wangle1218/KBQA-for-Diagnosis
Knowledge Graph,Question Answering System,基于知识图谱和向量检索的医疗诊断问答系统
chaoming0625/SentimentPolarityAnalysis
情感极性分析repository1:基于情感词典、k-NN、Bayes、最大熵、SVM的情感极性分析。
JulesBelveze/time-series-autoencoder
PyTorch Dual-Attention LSTM-Autoencoder For Multivariate Time Series
imperial-qore/TranAD
[VLDB'22] Anomaly Detection using Transformers, self-conditioning and adversarial training.
PaddlePaddle/PaddleTS
Awesome Easy-to-Use Deep Time Series Modeling based on PaddlePaddle, including comprehensive functionality modules like TSDataset, Analysis, Transform, Models, AutoTS, and Ensemble, etc., supporting versatile tasks like time series forecasting, representation learning, and anomaly detection, etc., featured with quick tracking of SOTA deep models.
marcopeix/TimeSeriesForecastingInPython
ZhaoZhibin/UDTL
Source codes for the paper "Applications of Unsupervised Deep Transfer Learning to Intelligent Fault Diagnosis: A Survey and Comparative Study" published in TIM
omnigeeker/mlnd_distracted_driver_detection
基于深度学习的驾驶员状态检测,不仅仅可以识别出疲劳驾驶,还能够识别出各种各样的状态
DHI/tsod
Anomaly Detection for time series data
ZhouYuxuanYX/Unsupervised-Deep-Learning-Framework-for-Anomaly-Detection-in-Time-Series-
Unsupervised deep learning framework with online(MLP: prediction-based, 1 D Conv and VAE: reconstruction-based, Wavenet: prediction-based) settings for anaomaly detection in time series data
AirFin/awesome-TS-anomaly-detection_zh
PatientEz/keras-attention-mechanism
the extension of https://github.com/philipperemy/keras-attention-mechanism , create a new scipt to add attetion to input dimensions rather than timesteps in the origin project。
yz-intelligence/AI-Competition
开源往期获奖竞赛代码
nicknochnack/Forecasting-Weather-with-Neural-Prophet
A jupyter notebook showcasing how to forecast temperature using Neural Prophet.
Tonystark-001/MedicalKGQA
基于知识图谱的疾病知识问答系统
Htring/KGQAHLM
基于红楼梦知识内容的简易问答系统
stxupengyu/GMM-KMeans-for-Outlier-Detection
针对一维时间序列数据,采用GMM和K-Means算法进行异常点检测。For one-dimensional time series data, GMM and K-means algorithm are used to detect outliers.
yeswanthkuruba/Anomaly-Detection-Seq2Seq-RNN
Anomaly Detection on Time series Data - (uni-variate, multi-variate, multiple-Regression) using Seq2Seq RNN
LiYX-Code/MedicalKGQA
ramannmathur/Anomaly-Detection
Time-series anomaly detection to monitor the KPI and detect any incident.
sczhai/TranAD
[VLDB'22] Anomaly Detection using Transformers, self-conditioning and adversarial training.