Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for deep learning openai
deep-learning
x
openai
x
216 search results found
Prompt Engineering Guide
⭐
35,863
🐙 Guides, papers, lecture, notebooks and resources for prompt engineering
Reinforcement Learning
⭐
19,193
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
Clip As Service
⭐
11,837
🏄 Embed/reason/rank images and sentences with CLIP models
Awesome Chatgpt Zh
⭐
8,142
ChatGPT 中文指南🔥,ChatGPT 中文调教指南,指令指南,应用开发指南,精选资源清单,更好的使用 chatGPT 让你的生产力 up up up! 🚀
Dalle Pytorch
⭐
5,289
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
Faster Whisper
⭐
4,732
Faster Whisper transcription with CTranslate2
Deep Reinforcement Learning
⭐
4,521
Repo for the Deep Reinforcement Learning Nanodegree program
Deep Daze
⭐
4,104
Simple command line tool for text to image generation using OpenAI's CLIP and Siren (Implicit neural representation network). Technique was originally created by https://twitter.com/advadnoun
Awesome Chatgpt
⭐
3,380
ChatGPT资料汇总学习,持续更新......
Deep Reinforcement Learning Hands On
⭐
2,527
Hands-on Deep Reinforcement Learning, published by Packt
Awesome Prompt Engineering
⭐
2,115
This repository contains a hand-curated resources for Prompt Engineering with a focus on Generative Pre-trained Transformer (GPT), ChatGPT, PaLM etc
Async Rl
⭐
1,013
Tensorflow + Keras + OpenAI Gym implementation of 1-step Q Learning from "Asynchronous Methods for Deep Reinforcement Learning"
Basic_reinforcement_learning
⭐
978
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Chatgpt Comparison Detection
⭐
921
Human ChatGPT Comparison Corpus (HC3), Detectors, and more! 🔥
Ppo Pytorch
⭐
890
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Super Mario Bros Ppo Pytorch
⭐
692
Proximal Policy Optimization (PPO) algorithm for Super Mario Bros
Simple_dqn
⭐
656
Simple deep Q-learning agent.
Hands On Reinforcement Learning With Python
⭐
596
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Gym Starcraft
⭐
505
StarCraft environment for OpenAI Gym, based on Facebook's TorchCraft. (In progress)
Awesome Deep Rl
⭐
477
A curated list of awesome Deep Reinforcement Learning resources.
Transformers For Nlp 2nd Edition
⭐
473
Transformer models from BERT to GPT-4, environments from Hugging Face to OpenAI. Fine-tuning, training, and prompt engineering examples. A bonus section with ChatGPT, GPT-3.5-turbo, GPT-4, and DALL-E including jump starting GPT-4, speech-to-text, text-to-speech, text to image generation with DALL-E, Google Cloud AI,HuggingGPT, and more
Rl Portfolio Management
⭐
417
Attempting to replicate "A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem" https://arxiv.org/abs/1706.10059 (and an openai gym environment)
Blended Diffusion
⭐
409
Official implementation for "Blended Diffusion for Text-driven Editing of Natural Images" [CVPR 2022]
Get Things Done With Prompt Engineering And Langchain
⭐
375
LangChain & Prompt Engineering tutorials on Large Language Models (LLMs) such as ChatGPT with custom data. Jupyter notebooks on loading and indexing data, creating prompt templates, CSV agents, and using retrieval QA chains to query the custom data. Projects for using a private LLM (Llama 2) for chat with PDF files, tweets sentiment analysis.
Genrl
⭐
375
A PyTorch reinforcement learning library for generalizable and reproducible algorithm implementations with an aim to improve accessibility in RL
Lagom
⭐
365
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Pytorch Rl
⭐
356
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Agentnet
⭐
293
Deep Reinforcement Learning library for humans
Hands On Intelligent Agents With Openai Gym
⭐
280
Code for Hands On Intelligent Agents with OpenAI Gym book to get started and learn to build deep reinforcement learning agents using PyTorch
Deep Rl
⭐
270
Collection of Deep Reinforcement Learning algorithms
Clip Guided Diffusion
⭐
267
A CLI tool/python module for generating images from text using guided diffusion and CLIP from OpenAI.
Deep Reinforcement Learning Gym
⭐
235
Deep reinforcement learning model implementation in Tensorflow + OpenAI gym
Ddpg Aigym
⭐
220
Continuous control with deep reinforcement learning - Deep Deterministic Policy Gradient (DDPG) algorithm implemented in OpenAI Gym environments
Aitreasurebox
⭐
218
🤖 Collect practical AI repos, tools, websites, papers and tutorials on AI. 实用的AI百宝箱 💎
Learningx
⭐
213
Deep & Classical Reinforcement Learning + Machine Learning Examples in Python
Mindmaker
⭐
202
MindMaker UE4 Machine Learning Toolkit
Voxelgpt
⭐
188
AI assistant that can query visual datasets, search the FiftyOne docs, and answer general computer vision questions
Dist Dqn
⭐
181
Multi-GPU reinforcement learning using Deep Q-Network in TensorFlow for OpenAI Gym
Tldr Transformers
⭐
163
The "tl;dr" on a few notable transformer papers.
Improvedgan Pytorch
⭐
141
Semi-supervised GAN in "Improved Techniques for Training GANs"
Drl
⭐
141
Deep RL Algorithms implemented for UC Berkeley's CS 294-112: Deep Reinforcement Learning
Firedup
⭐
129
Clone of OpenAI's Spinning Up in PyTorch
Raveforce
⭐
126
RaveForce - An OpenAI Gym style toolkit for music generation experiments.
Chatgpt Retrievalqa
⭐
111
A dataset for training/evaluating Question Answering Retrieval models on ChatGPT responses with the possibility to training/evaluating on real human responses.
Relataly Public Python Tutorials
⭐
109
Beginner-friendly collection of Python notebooks for various use cases of machine learning, deep learning, and analytics. For each notebook there is a separate tutorial on the relataly.com blog.
Reptile Pytorch
⭐
107
A PyTorch implementation of OpenAI's REPTILE algorithm
Deep Reinforcement Learning With Python
⭐
107
Deep Reinforcement Learning with Python, Second Edition, published by Packt
Scribeai
⭐
104
ChatGPT extension for VSCode.
Deep Reinforcement Learning In Large Discrete Action Spaces
⭐
102
Implementation of the algorithm in Python 3, TensorFlow and OpenAI Gym
Ai Ml Newsletter
⭐
100
AI Digest: Monthly updates on AI and ML topics
Deep Reinforcement Learning With Python
⭐
94
Master classic RL, deep RL, distributional RL, inverse RL, and more using OpenAI Gym and TensorFlow with extensive Math
Gym_trading
⭐
89
Drqn Tensorflow
⭐
88
Deep recurrent Q Learning using Tensorflow, openai/gym and openai/retro
Drl Autonomousvehicles
⭐
87
Autonomous vehicle navigation based on Deep Reinforcement Learning
Deep Rl Grasping
⭐
81
Train deep reinforcement learning model for robotics grasping. Choose from different perception layers raw Depth, RGBD and autoencoder. Test the learned models in different scenes and object datasets
Clip_playground
⭐
80
An ever-growing playground of notebooks showcasing CLIP's impressive zero-shot capabilities
Tiny Dqn
⭐
78
A tiny implementation of Deep Q Learning, using TensorFlow and OpenAI gym
Awesome Openai Whisper
⭐
72
A curated list of awesome OpenAI's Whisper
Fix
⭐
68
Galois Autocompleter
⭐
65
Galois is an auto code completer for code editors (or any text editor) based on OpenAI GPT-2.
Autonomous Driving In Carla Using Deep Reinforcement Learning
⭐
61
Deep Reinforcement Learning (PPO) in Autonomous Driving (Carla) [from scratch]
A3c
⭐
60
Deep reinforcement learning using an asynchronous advantage actor-critic (A3C) model.
Dqn_ddqn_dueling_and_ddpg_tensorflow
⭐
57
Tensorflow + OpenAI Gym implementation of Deep Q-Network (DQN), Double DQN (DDQN), Dueling Network and Deep Deterministic Policy Gradient (DDPG)
Phrame
⭐
53
AI-powered digital picture frame. Generate captivating and unique art from spoken conversations.
Awesome Deep Rl
⭐
52
A curated list of awesome Deep Reinforcement Learning resources
Llm Hub
⭐
49
A curated collection of interesting applications, repos, and tutorials using large language models (LLM) like GPT-3
Mujocounity
⭐
48
Reproducing MuJoCo benchmarks in a modern, commercial game /physics engine (Unity + PhysX).
Rl Experiments
⭐
47
High-quality implementations of deep reinforcement learning algorithms for experiments
Async Deeprl
⭐
44
Playing Atari games with TensorFlow implementation of Asynchronous Deep Q-Learning
Async Rl
⭐
44
Variation of "Asynchronous Methods for Deep Reinforcement Learning" with multiple processes generating experience for agent (Keras + Theano + OpenAI Gym)[1-step Q-learning, n-step Q-learning, A3C]
Pywhisper
⭐
42
openai/whisper + extra features
Ppo
⭐
40
PyTorch implementation of Proximal Policy Optimization
Trending Repos
⭐
39
trending repositories and news related to AI
Reinforcement Learning With Tensorflow
⭐
39
Reinforcement Learning with TensorFlow, published by Packt
Reinforcement Learning
⭐
39
Personal experiments on Reinforcement Learning
Gym Carla
⭐
35
An OpenAI gym wrapper for CARLA simulator
Rl Gallery
⭐
34
A gallery for reinforcement learning, including frameworks, tutorials, papers, implementations, applications, etc.
Chatgpt Cheatsheet
⭐
33
An ever-evolving introduction to ChatGPT, AI, and machine learning (including prompt examples and Python-built chatbots)
Deeprl Baselines
⭐
31
Deep reinforcement learning baselines base on OpenAI. More algorithms are included, such as Rainbow: Combining Improvements in Deep Reinforcement Learning
Pytorch Rl Cpp
⭐
31
A Repository with C++ implementations of Reinforcement Learning Algorithms (Pytorch)
Model Free Episodic Control
⭐
31
This is the implementation of paper Model Free Episodic Control
Drl_paper_summary
⭐
29
Summary of key papers in deep reinforcement learning. Heavily based on OpenAI SpinningUp.
Deep Q Atari
⭐
29
Keras and OpenAI Gym implementation of the Deep Q-learning algorithm to play Atari games.
Dal
⭐
27
Repository for Deep Active Localization research and benchmarks
Gail Pytorch
⭐
26
A simple implementation of Generative Adversarial Imitation Learning with PyTorch
Deep Q Network
⭐
26
Keras implementation of DQN for the MsPacman-v0 OpenAI Gym environment.
Ddrl
⭐
25
Deep Developmental Reinforcement Learning
Env Zoo
⭐
22
A curated list of reinforcement learning environments and frameworks.
Activeragdollassaultcourse
⭐
22
Research into Assault Course for training Active Ragdolls (using MujocoUnity+ml_agents)
Clip Tf2
⭐
22
OpenAI CLIP converted to Tensorflow 2/Keras
Ai Traineree
⭐
21
PyTorch agents and tools for (Deep) Reinforcement Learning
Activeragdollcontrollers
⭐
20
Research into controllers for 2d and 3d Active Ragdolls (using MujocoUnity+ml_agents)
Hierarchical Meta Reinforcement Learning
⭐
19
This repository contains the implementation for the paper - Exploration via Hierarchical Meta Reinforcement Learning.
Stock_market_reinforcement_learning
⭐
19
Reinforcementlearning
⭐
18
This project contains several Deep Reinforcement Learning method and some experiments basd on OpenAi gym.
A2c
⭐
17
PyTorch implementation of Advantage Actor-Critic (A2C)
Keras Gpt Copilot
⭐
17
Integrate an LLM copilot within your Keras model development workflow
Deep_rl_pong_keras
⭐
16
Deep Reinforcement Learning Policy Gradients Method - Pong game - Keras
Rocket_lander_gym
⭐
16
💥💥 This is a easy installable extension for OpenAi Gym Environment. This simulates SpaceX Falcon landing.
Retrowrapper
⭐
14
Wrapper for OpenAI Retro envs for parallel execution
Related Searches
Python3 Deep Learning (21,999)
Python2 Deep Learning (21,999)
Python Deep Learning (13,092)
Jupyter Deep Learning (10,328)
Ml Deep Learning (9,288)
Deep Learning Pytorch (7,267)
Jupyter Notebook Deep Learning (6,566)
Deep Learning Tensorflow (5,868)
Deep Learning Neural Network (4,197)
Deep Learning Convolutional Neural Networks (4,142)
1-100 of 216 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2023 Awesome Open Source. All rights reserved.