• Stars
    star
    312
  • Rank 134,133 (Top 3 %)
  • Language
  • License
    Creative Commons ...
  • Created over 1 year ago
  • Updated about 1 year ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

A curated list of awesome AI tools for game developers

Awesome AI Tools for Game Developers

Awesome AI Tools for Game Developers Awesome

This is a curated collection of powerful AI tools that accelerate and enhance game development. From asset and texture generation to voice and speech recognition, these tools streamline the creation process.

By integrating them into your workflow, you can save time, automate tasks, and unlock creative possibilities.

Whether you're an indie developer or part of a studio, this list provides cutting-edge AI tools to speed up your development, enabling you to create immersive games. Discover the potential of AI in game development for greater efficiency and creativity.

Don't forget to ⭐ start the repo, this helps us 🤗.

You have other tools to add? Please contribute

Contents

Asset Generation 🪄

➡️ When you want to create a 2D or 3D asset for your game.

  • Scenario.com (Proprietary, Sign Up, Free): Generate assets such as textures, concept art, and background assets.
  • Charmed Tilemap Generator (Open Source, Free): Generate tilemaps for 2D levels.
  • Prometheanai (Proprietary, Sign Up, Freemuim): Artificial Intelligence that generates virtual worlds.
  • Ready player me (Proprietary, Sign Up, Free): Generate and integrate avatars into games.

Texture Generation 🖼️🖌️

➡️ When you want to generate textures for your assets

Image Generation 🖼️🪄

➡️ When you want to creating pictures of suspects in a detective game.

Code Generation/Assistant 👩‍💻

➡️ When you want help in coding a function or there’s a bug in your code and you want to know why.

  • StarCoder (Open Source, Free, Sign Up)

  • ChatGPT (Proprietary, Free, Paid, Sign Up)

  • Copilot (Proprietary, Paid, Sign Up)

Animation Video Mocap 💃📹

➡️ You want to generate 3D animations from a video you’ve made without a motion capture suit.

  • Plask (Proprietary, Free, Paid, Sign Up) : AI-powered Mocap Animation Tool.

  • RadicalMotion.com (Proprietary, Free, Paid, Sign Up)

Voice Generation 🗣️

➡️ You want to create voice dialogues in my game using AI actors. ➡️ How does it work

  • Coqui Studio (Sign Up, Proprietary, Free): realistic, emotive text-to-speech through generative AI.

  • Bark (Open Source): Bark can generate highly realistic, multilingual speech as well as other audio - including music, background noise and simple sound effects.

  • Replica Studios (Sign Up, Proprietary, Free): AI voice actors for games

Speech Recognition 💬

➡️ You want the player to be able to give orders using his voice. ➡️ How does it work

  • OpenAI Whisper: model for automatic speech recognition (ASR) and speech translation.

  • Facebook Wav2Vec2: another model for multilingual automatic speech recognition (ASR).

Conversational models

➡️ You want your NPC to be able to have conversations with the player. ➡️ How does it work

  • ChatGPT (Proprietary, Free, Paid, Sign Up): Conversational model for chat-based interactions.

  • HuggingChat 🤗: (Open Source, Free, Sign Up): Open-source conversational model for chat-based interactions.

Story Telling Models

➡️ Want to make that crazy lore for your world with a lot of text?

Game Design 🎮

➡️ You want to generate game mechanics, game ideas, or other other components of your game (characters, story, items, etc.).

  • Ludo.ai (Proprietary, Sign Up, Free, Paid): Ideation and research tool for game designers and developers, combining text and image generation with AI-powered search and trends tools.

Search Engine 🔍

➡️ Want to search scripts generated using advanced LLMs like GPT-4?

  • Haddock (Proprietary, Sign Up, Free, Paid): Search AI-Generated Code for free from GPT-4, Copilot, etc. Generate code for gaming platforms such as Roblox, Unity, and Unreal.

AI NPC

  • Inworld (Proprietary, Sign Up, Paid, Free Limited daily Interactions): Create a personality for your NPCs
  • eastworld (Open Source, Apache 2, Free): Create NPCs with backstories, knowledge about your lore, dialects, etc. that come out-of-the-box with capabilites like taking actions in your world

Python Libraries

  • NeMo Guardrails (Open Source, Apache 2, Free): Limit what a NPC could talk about

  • Guidance (Open Source, MIT, Free): A library to help your LLM to understand your prompts

C# Libraries

  • Hugging Face API Unity Integration(Open Source, Apache 2, Free): Integration for the Hugging Face Inference API and Unity

  • UnityMLPySocket (Open Source, Free): Perform local machine learning (ML) inference with Unity using a Python socket server.

  • Python.Net (Open Source, MIT): Integrate Python libraries with .Net and .Net Libraries with Python

More Repositories

1

Deep_reinforcement_learning_Course

Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Jupyter Notebook
3,681
star
2

CatDCGAN

A DCGAN that generate Cat pictures 🐱‍💻
Jupyter Notebook
201
star
3

unity_ml_agents_course

Learn to create agents in Unity ML using Deep Reinforcement Learning with Tensorflow.
87
star
4

the_mayan_adventure

The Mayan Adventure is an open-source reinforcement learning environment for Unity ML-Agents. In this environment, you train your agent (Indie) to find the golden statue in this dangerous environment full of traps.
ShaderLab
32
star
5

jammo_the_robot

21
star
6

Time-series-prediction-and-text-generation

Built RNNs that can generate sequences based on input data - with a focus on two applications: used real market data in order to predict future Apple stock prices using an RNN model. The second one will be trained on Sir Arthur Conan Doyle's classic novel Sherlock Holmes and generates wacky sentences based on it that may - or may not - become the next great Sherlock Holmes novel.
Jupyter Notebook
10
star
7

AI_NANODEGREE-Computer-Vision-Capstone-Project-Facial-Keypoint-Detection-and-Real-time-Filtering

A CNN that make facial keypoint detection and real time filtering
Jupyter Notebook
9
star
8

ml-agents-snowball-fight

A multi-agent environment using Unity ML-Agents Toolkit
9
star
9

Baselines_icm

[Work in Progress] ICM plugin for OpenAI Baselines
HTML
7
star
10

MLAgents-Tanks

A multi-agent environment using Unity ML-Agents Toolkit where two agents compete in a 1vs1 tank fight game
5
star
11

cifar-10-classifier-pytorch

A simple cifar-10 classifier with PyTorch
Jupyter Notebook
4
star
12

Dog-Breed-Classifier

Convolutional Neural Network that recognizes dog breeds
Jupyter Notebook
4
star
13

News-Crawler-Parse-Backend

This is a crawler made with Scrapy.py to crawl french news articles and send them in your Parse.com backend
Python
3
star
14

Test_doom_dqn

Python
2
star
15

deep_q_learning

A DQL implementation with keras
Jupyter Notebook
2
star
16

style-transfer-pytorch

A Style Transfer agent that applies La Joconde's style to any picture [PROTOTYPE]
Jupyter Notebook
2
star
17

squad_v1.1_for_question_generation

Python
2
star
18

GAN_implementations

Some GAN (Generative Adversarial Networks) implementations to generate MNIST images
Jupyter Notebook
2
star
19

Policy_gradients_CartPole

A Policy Gradient Learning with CartPole-v0 for Siraj Raval's challenge
Jupyter Notebook
2
star
20

DLFN_Face_generator

A Generative Adversarial Network that generate human faces
Jupyter Notebook
2
star
21

NewsSwipe

This version is for educational purposes only. The goal is to learn to create android applications with network. I create this app with the help of the excellent course : Udacity Android basics : networking
Java
2
star
22

NewsSwipeWebsiteV1.0

First version of NewsSwipe website december 2015
CSS
1
star
23

deep-rl-course

1
star
24

DLFN_Language_Translation

A Seq-to-seq model that translates English to French
HTML
1
star
25

LittleCoffeeShop

Little Coffee Shop is an app that helps you to order in a coffee shop called "Little Coffee Shop".
Java
1
star
26

DLFN_Generate_The_Simpsons_Scripts

An RNN that generates new scripts for the Simpsons' tv show
HTML
1
star
27

SimpleLinearRegression_PhiladelphiaRateCrime_HousePricePrediction

This Machine Learning model helps us to predict of houses prices in Philadelphia region based on crime rate.
Jupyter Notebook
1
star
28

Where_is_my_cat

A series of YOLO experimentations using DarkFlow
1
star
29

DGAN-Implementations

Some DGAN (Deep Generative Adversarial Networks) implementations to generate human faces
Jupyter Notebook
1
star
30

PlayBot_BackEnd

Playbot API in NodeJS
JavaScript
1
star
31

PlayBot_website

Website for a fake project : Playbot a bot that proposes games based on user tastes
HTML
1
star
32

sonictest

1
star
33

simonini_thomas_website

First version on my personal website
CSS
1
star
34

simonini_thomas_website_new

My new personal website
JavaScript
1
star
35

NihongoHanasuKotoGaDekimasu

Android app to learn some basic Japanese vocabulary. Created with the help of the Udacity's course : Android basics, Multiscreen apps
Java
1
star
36

DLFN_First_neural_network

Deep Learning Foundations Nanodegree. Udacity Project 1: Your first neural network
HTML
1
star
37

Policy-Gradient-Doom--

Policy Gradient based agent that tries to survive in an hostile environement by collecting health.
Jupyter Notebook
1
star
38

tanks

1
star
39

StockHawk

An Android App that displays stock prices
Java
1
star
40

NewsAppRV

NewsAppRV is a demo app made as an example for the article RecyclerView made easy.
Java
1
star
41

PlayBot

PlayBot is an AI that propose games based on user tastes
JavaScript
1
star
42

MoviesHuntNano

Movies Hunt is an Android app that helps user to find the next movie to watch.
Java
1
star
43

DLFN_Image_classification

In this project, you'll classify images from the CIFAR-10 dataset. The dataset consists of airplanes, dogs, cats, and other objects. The dataset will need to be preprocessed, then train a convolutional neural network on all the samples. You'll normalize the images, one-hot encode the labels, build a convolutional layer, max pool layer, and fully connected layer. At then end, you'll see their predictions on the sample images.
1
star