MyAdminC's Stars
xun468/Time-GNN
Time-series forecasting with GNNs
Embedding/Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
CBLUEbenchmark/CBLUE
中文医疗信息处理基准CBLUE: A Chinese Biomedical Language Understanding Evaluation Benchmark
WENGSYX/Chinese-Word2vec-Medicine
Chinese Word2vec Medicine,中文医学词向量
649453932/Chinese-Text-Classification-Pytorch
中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_Attention,DPCNN,Transformer,基于pytorch,开箱即用。
shap/shap
A game theoretic approach to explain the output of any machine learning model.
timeseriesAI/tsai
Time series Timeseries Deep Learning Machine Learning Python Pytorch fastai | State-of-the-art Deep Learning library for Time Series and Sequences in Pytorch / fastai
unit8co/darts
A python library for user-friendly forecasting and anomaly detection on time series.
hyliush/deep-time-series
Deep learning PyTorch library for time series forecasting
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
UzkiS/DailyCP
今日校园自动打卡脚本
bokeh/bokeh
Interactive Data Visualization in the browser, from Python
lixixibj/forecasting-with-time-series-imaging
time series forecasting with image
lauraperge/blackbox-trading-CNN
Time Series Classification with Convolutional Neural Network: Automated Trading by Pattern Recognition (Master's Thesis)
Sleepwalking/pytorch-softdtw
An implementation of SoftDTW for PyTorch.
lanpa/tensorboardX
tensorboard for pytorch (and chainer, mxnet, numpy, ...)
murtazahassan/Learn-OpenCV-in-3-hours
MadryLab/robustness
A library for experimenting with, training and evaluating neural networks, with a focus on adversarial robustness.
kuangliu/pytorch-cifar
95.47% on CIFAR10 with PyTorch
Trusted-AI/adversarial-robustness-toolbox
Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning Security - Evasion, Poisoning, Extraction, Inference - Red and Blue Teams
hardikkamboj/An-Introduction-to-Statistical-Learning
This repository contains the exercises and its solution contained in the book "An Introduction to Statistical Learning" in python.
cnimei/cn
1
pytorch/opacus
Training PyTorch models with differential privacy
jax-ml/jax
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
d2l-ai/d2l-en
Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 500 universities from 70 countries including Stanford, MIT, Harvard, and Cambridge.
MyAdminC/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
NELSONZHAO/zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
MyAdminC/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
MyAdminC/gans-awesome-applications
Curated list of awesome GAN applications and demo
goodfeli/adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"