Pinned Repositories
caffe
Caffe: a fast open framework for deep learning.
chinese-poetry
最全中华古诗词数据库, 唐宋两朝近一万四千古诗人, 接近5.5万首唐诗加26万宋诗. 两宋时期1564位词人,21050首词。
dogs_vs_cats
猫狗大战
machine_learning
My-TensorFlow-tutorials
This repo contains all of my TensorFlow tutorials
pytorch-book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation
resnet-protofiles
Caffe Protofiles for MSRA ResNet: train prototxt
tensorflow
Computation using data flow graphs for scalable machine learning
TensorFlowLaboratory
Research about Tensorflow
yesyu's Repositories
yesyu/chinese-poetry
最全中华古诗词数据库, 唐宋两朝近一万四千古诗人, 接近5.5万首唐诗加26万宋诗. 两宋时期1564位词人,21050首词。
yesyu/beijing_house_knowledge
北京买房攻略
yesyu/BEVFormer
[ECCV 2022] This is the official implementation of BEVFormer, a camera-only framework for autonomous driving perception, e.g., 3D object detection and semantic map segmentation.
yesyu/CornerNet
yesyu/Data_for_ML-Deeplearning
yesyu/DenoisingDiffusionProbabilityModel-ddpm
This may be the simplest implement of DDPM. You can directly run Main.py to train the UNet on CIFAR-10 dataset and see the amazing process of denoising.
yesyu/DTCR
The paper "Learning Representations for Time Series Clustering"
yesyu/efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
yesyu/fiery
PyTorch code for the paper "FIERY: Future Instance Segmentation in Bird's-Eye view from Surround Monocular Cameras"
yesyu/graph_nets
Build Graph Nets in Tensorflow
yesyu/handson-ml
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
yesyu/iterm2-zmodem
Automatic ZModem support for iTerm 2
yesyu/kkndme_tianya
天涯 kkndme 神贴聊房价
yesyu/Learning-from-data
记录Learning from data一书中的习题解答
yesyu/lift-splat-shoot
Lift, Splat, Shoot: Encoding Images from Arbitrary Camera Rigs by Implicitly Unprojecting to 3D (ECCV 2020)
yesyu/machine-learning-notes
My continuously updated Machine Learning, Probabilistic Models and Deep Learning notes and demos (1000+ slides) 我不间断更新的机器学习,概率模型和深度学习的讲义(1000+页)和视频链接
yesyu/MachineLearning-2
Machine learning resources,including algorithm, paper, dataset, example and so on.
yesyu/machinelearning-3
My blogs and code for machine learning. http://cnblogs.com/pinard
yesyu/medium-unlimited
A browser extension to read medium.com articles for free without membership.
yesyu/NLP
自然语言处理应用
yesyu/nlp_course
YSDA course in Natural Language Processing
yesyu/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms
yesyu/Paddle
PArallel Distributed Deep LEarning
yesyu/PyTorch-BigGraph
Software used for generating embeddings from large-scale graph-structured data.
yesyu/slambook2
edition 2 of the slambook
yesyu/SLCVAE
self labeling conditional variational auto encoder
yesyu/Statistical-Learning-Method_Code
手写实现李航《统计学习方法》书中全部算法
yesyu/TensorFlow-Course
Simple and ready-to-use tutorials for TensorFlow
yesyu/text-analytics-with-python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
yesyu/transformers_tasks
⭐️ NLP Algorithms with transformers lib. Supporting Text-Classification, Text-Generation, Information-Extraction, Text-Matching, RLHF, SFT etc.