Pinned Repositories
AlgorithmsByPython
算法/数据结构/Python/剑指offer/机器学习/leetcode
annotated_deep_learning_paper_implementations
🧑🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
ant-learn-pandas
pandas学习课程代码仓库
Autopilot-Updating-Notes
自动驾驶更新笔记,以解析各模块知识点、整合行业优秀解决方案进行阐述,以帮助自己及有需要的读者;包含深度学习、deeplearning、无人驾驶、BEV、Transformer、ADAS、CVPR2023、特斯拉AI DAY等内容。由于水平有限,文中不妥之处恳请广大读者批评指正。 未完待续........
awesome-bert-nlp
A curated list of NLP resources focused on BERT, attention mechanism, Transformer networks, and transfer learning.
awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
awesome-ocr
Awesome-Table-Recognition
A curated list of resources dedicated to table recognition
berkeley-stat-157
Homepage for STAT 157 at UC Berkeley
BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
yang-chenyu104's Repositories
yang-chenyu104/awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
yang-chenyu104/berkeley-stat-157
Homepage for STAT 157 at UC Berkeley
yang-chenyu104/chainer-DCGAN
Chainer implementation of Deep Convolutional Generative Adversarial Network
yang-chenyu104/crf
Simple implementation of Conditional Random Fields (CRF) in Python. A faster, more powerful, Cython implementation is available in the vocrf project https://github.com/timvieira/vocrf
yang-chenyu104/d2l-pytorch
This project reproduces the book Dive Into Deep Learning (www.d2l.ai), adapting the code from MXNet into PyTorch.
yang-chenyu104/Data-Science-Notes
数据科学的笔记以及资料搜集
yang-chenyu104/dataflowr
code for deep learning courses
yang-chenyu104/DeepLearning
Python for《Deep Learning》,该书为《深度学习》(花书) 数学推导、原理剖析与源码级别代码实现
yang-chenyu104/DeepLearning-1
深度学习入门教程, 优秀文章, Deep Learning Tutorial
yang-chenyu104/gans-awesome-applications
Curated list of awesome GAN applications and demo
yang-chenyu104/GMNN
Graph Markov Neural Networks
yang-chenyu104/keras-yolo4
A Keras implementation of YOLOv4 (Tensorflow backend)
yang-chenyu104/keras-YOLOv3-model-set
end-to-end YOLOv4/v3/v2 object detection pipeline, implemented on tf.keras with different technologies
yang-chenyu104/machine-learning-books
book
yang-chenyu104/machine-learning-reference
常见的机器学习参考资料,包括书籍、公开课等
yang-chenyu104/Mask-RCNN
A PyTorch implementation of the architecture of Mask RCNN
yang-chenyu104/ml-visuals
Visuals contains figures and templates which you can reuse and customize to improve your scientific writing.
yang-chenyu104/netscope
Neural network visualizer
yang-chenyu104/numpy
The fundamental package for scientific computing with Python.
yang-chenyu104/numpy-100
100 numpy exercises (with solutions)
yang-chenyu104/numpy-ml
Machine learning, in numpy
yang-chenyu104/PlotNeuralNet
Latex code for making neural networks diagrams
yang-chenyu104/PRML
PRML algorithms implemented in Python
yang-chenyu104/pytorch-best-practice
A Guidance on PyTorch Coding Style Based on Kaggle Dogs vs. Cats
yang-chenyu104/pytorch-book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
yang-chenyu104/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
yang-chenyu104/Table-OCR
Recognize tables from images and restore them into word.
yang-chenyu104/Tools-to-Design-or-Visualize-Architecture-of-Neural-Network
Tools to Design or Visualize Architecture of Neural Network
yang-chenyu104/Visual-Template-Free-Form-Parsing
Code for my ICDAR paper "Deep Visual Template-Free Form Parsing"
yang-chenyu104/yolo2-pytorch
YOLOv2 in PyTorch