Alex-zhai's Stars
donnemartin/data-science-ipython-notebooks
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
eriklindernoren/ML-From-Scratch
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
fchollet/deep-learning-with-python-notebooks
Jupyter notebooks for the code samples of the book "Deep Learning with Python"
kailashahirwar/cheatsheets-ai
Essential Cheat Sheets for deep learning and machine learning researchers https://medium.com/@kailashahirwar/essential-cheat-sheets-for-machine-learning-and-deep-learning-researchers-efb6a8ebd2e5
ShangtongZhang/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
chiphuyen/stanford-tensorflow-tutorials
This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.
Hvass-Labs/TensorFlow-Tutorials
TensorFlow Tutorials with YouTube Videos
aikorea/awesome-rl
Reinforcement learning resources curated
intel-analytics/ipex-llm
Accelerate local LLM inference and finetuning (LLaMA, Mistral, ChatGLM, Qwen, Mixtral, Gemma, Phi, MiniCPM, Qwen-VL, MiniCPM-V, etc.) on Intel XPU (e.g., local PC with iGPU and NPU, discrete GPU such as Arc, Flex and Max); seamlessly integrate with llama.cpp, Ollama, HuggingFace, LangChain, LlamaIndex, vLLM, GraphRAG, DeepSpeed, Axolotl, etc
nlintz/TensorFlow-Tutorials
Simple tutorials using Google's TensorFlow Framework
yandexdataschool/Practical_RL
A course in reinforcement learning in the wild
hunkim/DeepLearningZeroToAll
TensorFlow Basic Tutorial Labs
hwalsuklee/tensorflow-generative-model-collections
Collection of generative models in Tensorflow
hunkim/PyTorchZeroToAll
Simple PyTorch Tutorials Zero to ALL!
rlcode/reinforcement-learning
Minimal and Clean Reinforcement Learning Examples
fchollet/keras-resources
Directory of tutorials and open-source code repositories for working with Keras, the Python deep learning library
tensorflow/skflow
Simplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning
maciejkula/spotlight
Deep recommender models using PyTorch.
leriomaggio/deep-learning-keras-tensorflow
Introduction to Deep Neural Networks with Keras and Tensorflow
endymecy/awesome-deeplearning-resources
Deep Learning and deep reinforcement learning research papers and some codes
jiqizhixin/ML-Tutorial-Experiment
Coding the Machine Learning Tutorial for Learning to Learn
alrojo/tensorflow-tutorial
Practical tutorials and labs for TensorFlow used by Nvidia, FFN, CNN, RNN, Kaggle, AE
martin-gorner/tensorflow-mnist-tutorial
Sample code for "Tensorflow and deep learning, without a PhD" presentation and code lab.
RubensZimbres/Repo-2017
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
jacksu/utils4s
scala、spark使用过程中,各种测试用例以及相关资料整理
deanwampler/spark-scala-tutorial
A free tutorial for Apache Spark.
spirom/LearningSpark
Scala examples for learning to use Spark
andrewliao11/Deep-Reinforcement-Learning-Survey
My Exploration on Deep Reinforcement Learning Survey
yao62995/Deep_Reinforcement_Learning
Series Algorithms of Deep Reinforcement Learning, such as DQN, DDQN, one-step-DQN, DDPG, etc