yuwei-z's Stars
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
facebookresearch/fastText
Library for fast text representation and classification.
tangyudi/Ai-Learn
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理,PyTorch tensorflow machine-learning,deep-learning data-analysis data-mining mathematics data-science artificial-intelligence python tensorflow tensorflow2 caffe keras pytorch algorithm numpy pandas matplotlib seaborn nlp cv等热门领域
wandb/wandb
The AI developer platform. Use Weights & Biases to train and fine-tune models, and manage models from experimentation to production.
nl8590687/ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
Vay-keen/Machine-learning-learning-notes
周志华《机器学习》又称西瓜书是一本较为全面的书籍,书中详细介绍了机器学习领域不同类型的算法(例如:监督学习、无监督学习、半监督学习、强化学习、集成降维、特征选择等),记录了本人在学习过程中的理解思路与扩展知识点,希望对新人阅读西瓜书有所帮助!
OpenNMT/OpenNMT-py
Open Source Neural Machine Translation and (Large) Language Models in PyTorch
SnailTyan/deep-learning-papers-translation
深度学习论文翻译,包括分类论文,检测论文等
simoninithomas/Deep_reinforcement_learning_Course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
higgsfield-ai/higgsfield
Fault-tolerant, highly scalable GPU orchestration, and a machine learning framework designed for training models with billions to trillions of parameters
sgrvinod/a-PyTorch-Tutorial-to-Image-Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
lonePatient/BERT-NER-Pytorch
Chinese NER(Named Entity Recognition) using BERT(Softmax, CRF, Span)
mbadry1/CS231n-2017-Summary
After watching all the videos of the famous Standford's CS231n course that took place in 2017, i decided to take summary of the whole course to help me to remember and to anyone who would like to know about it. I've skipped some contents in some lectures as it wasn't important to me.
sgrvinod/Deep-Tutorials-for-PyTorch
In-depth tutorials for implementing deep learning models on your own with PyTorch.
dhwajraj/deep-siamese-text-similarity
Tensorflow based implementation of deep siamese LSTM network to capture phrase/sentence similarity using character/word embeddings
liuyubobobo/Play-with-Machine-Learning-Algorithms
Code of my MOOC Course <Play with Machine Learning Algorithms>. Updated contents and practices are also included. 我在慕课网上的课程《Python3 入门机器学习》示例代码。课程的更多更新内容及辅助练习也将逐步添加进这个代码仓。
allanj/pytorch_neural_crf
Pytorch implementation of LSTM/BERT-CRF for named entity recognition
realpython/python-speech-recognition
Speech Recognition with Python examples
leonbehero/Code
开发者课堂课程资料
Yuzhen-Li/Analysis-of-Public-Opinion-Based-on-Microblogging-Reptile
这是我参加招商银行fintech精英选拔时,做的一个课题。用Python对新浪微博进行爬虫,然后进行舆情分析。爬虫之前,需要模拟登陆,这里采用RSA加密模块模拟登陆。舆情分析的时候,我直接调用腾讯文智的感情分析API。
foamliu/Image-Captioning-PyTorch
图像中文描述+视觉注意力
noahgift/cloud-data-analysis-at-scale
[Course-2020-2023] taught at Duke MIDS. This is also a Coursera Course that covers MLOps, ML Engineering and the foundations of Cloud Computing for Data Science.
THTBSE/siamese-lstm-network
siamese lstm network for text similarity
jeffmxh/emotion_analyse_py
在Python中利用情感词典做情感分析
Kennard123661/cs5242-project
gamecicn/ECE661_FinalProject
For ECE 661 FinalProject
dancinghui/deep-siamese-text-similarity
Tensorflow based implementation of deep siamese LSTM network to capture phrase/sentence similarity using character/word embeddings
dancinghui/deeplearning.ai
deeplearning.ai , By Andrew Ng, All slide and notebook + code and some material.
DeanHuang-Git/IDS705_Image_Captioning