bitisony's Stars
aymericdamien/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
fengdu78/Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
eugeneyan/applied-ml
📚 Papers & tech blogs by companies sharing their work on data science & machine learning in production.
karpathy/llm.c
LLM training in simple, raw C/CUDA
fastai/fastbook
The fastai book, published as Jupyter Notebooks
kenjihiranabe/The-Art-of-Linear-Algebra
Graphic notes on Gilbert Strang's "Linear Algebra for Everyone"
tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
LlamaFamily/Llama-Chinese
Llama中文社区,Llama3在线体验和微调模型已开放,实时汇总最新Llama3学习资料,已将所有代码更新适配Llama3,构建最好的中文Llama大模型,完全开源可商用
zalandoresearch/fashion-mnist
A MNIST-like fashion product database. Benchmark :point_down:
mrdbourke/pytorch-deep-learning
Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
NVlabs/stylegan2
StyleGAN2 - Official TensorFlow Implementation
artidoro/qlora
QLoRA: Efficient Finetuning of Quantized LLMs
Yorko/mlcourse.ai
Open Machine Learning Course
google/gemma_pytorch
The official PyTorch implementation of Google's Gemma models
hwalsuklee/tensorflow-generative-model-collections
Collection of generative models in Tensorflow
matheusfacure/python-causality-handbook
Causal Inference for the Brave and True. A light-hearted yet rigorous approach to learning about impact estimation and causality.
PacktPublishing/The-Kaggle-Book
Code Repository for The Kaggle Book, Published by Packt Publishing
AI4Finance-Foundation/FinRL-Trading
For trading. Please star.
neonwatty/machine_learning_refined
Notes, Python demos / notebooks, and free chapters for the 2nd edition of the university textbook "Machine Learning Refined".
jrfiedler/causal_inference_python_code
Python code for part 2 of the book Causal Inference: What If, by Miguel Hernán and James Robins
LastAncientOne/Deep_Learning_Machine_Learning_Stock
Deep Learning and Machine Learning stocks represent promising opportunities for both long-term and short-term investors and traders.
fastai/course20
Deep Learning for Coders, 2020, the website
tensorflow/docs-l10n
Translations of TensorFlow documentation
mdipietro09/DataScience_ArtificialIntelligence_Utils
Examples of Data Science projects and Artificial Intelligence use-cases
Kulbear/deep-learning-nano-foundation
Udacity's Deep Learning Nano Foundation program.
syne-tune/syne-tune
Large scale and asynchronous Hyperparameter and Architecture Optimization at your fingertips.
mesolitica/malaysian-dataset
We gather Malaysian dataset! https://malaysian-dataset.readthedocs.io/
konosp/propensity-score-matching
Huixxi/TensorFlow2.0-for-Deep-Reinforcement-Learning
TensorFlow 2.0 for Deep Reinforcement Learning. :octopus:
bitisony/Writing-with-BERT
Using BERT for doing the task of Conditional Natural Language Generation by fine-tuning pre-trained BERT on custom dataset.