Coding The Future: A Comprehensive Guide To AI Development-By Tyler Welch
Coding The Future: A Comprehensive Guide To AI Development-By Tyler Welch
import speech_recognition as sr
try:
print("Processing...")
# Use Google's speech recognition service
text = recognizer.recognize_google(audio)
return text
except sr.UnknownValueError:
print("Sorry, I couldn't understand what you
said.")
return None
except sr.RequestError as e:
print(f"Could not request results from Google
Speech Recognition service; {e}")
return None
# Main function
def main():
while True:
print("Press Enter to start speaking (or 'q'
to quit)")
command = input()
if command.lower() == 'q':
break
if __name__ == "__main__":
main()
-----------------------------------------------------
----------------------------
def respond_to_input(input_text):
# Simple example responses
if "hello" in input_text.lower():
return "Hello! How can I assist you today?"
elif "how are you" in input_text.lower():
return "I'm just a computer program, but
thanks for asking!"
elif "goodbye" in input_text.lower():
return "Goodbye! Have a great day!"
else:
return "I'm sorry, I didn't understand that."
# Example usage
def main():
while True:
print("Press Enter to start speaking (or 'q'
to quit)")
command = input()
if command.lower() == 'q':
break
if __name__ == "__main__":
main()
-----------------------------------------------------
----------------------------
In this example, the respond_to_input() function
takes the user's input text as a parameter and
generates a response based on that input. The
function checks for certain keywords or phrases in
the input text and returns a corresponding response.
This is a very basic form of natural language
understanding and response generation.
import speech_recognition as sr
import nltk
from nltk.tokenize import word_tokenize
def recognize_speech():
recognizer = sr.Recognizer()
with sr.Microphone() as source:
print("Listening...")
recognizer.adjust_for_ambient_noise(source)
audio = recognizer.listen(source)
try:
print("Processing...")
text = recognizer.recognize_google(audio)
return text
except sr.UnknownValueError:
print("Sorry, I couldn't understand what you
said.")
return None
except sr.RequestError as e:
print(f"Could not request results from Google
Speech Recognition service; {e}")
return None
def process_input(input_text):
# Tokenize input text using NLTK
tokens = word_tokenize(input_text)
# Placeholder processing
# You can perform various NLP tasks here (e.g.,
part-of-speech tagging, named entity recognition)
return tokens
def generate_response(input_tokens):
# Placeholder function for generating response
# You would implement your response generation
logic here
# For simplicity, let's just return a hardcoded
response
if "hello" in input_tokens:
return "Hello! How can I assist you today?"
else:
return "I'm sorry, I didn't understand that."
def main():
while True:
print("Press Enter to start speaking (or 'q'
to quit)")
command = input()
if command.lower() == 'q':
break
# Generate response
response =
generate_response(input_tokens)
print("AI response:", response)
if __name__ == "__main__":
main()
-----------------------------------------------------
----------------------------
In this updated version, NLTK is used to tokenize the
input text into individual words. You can further
expand the process_input() function to include other
NLP tasks provided by NLTK, such as part-of-speech
tagging, named entity recognition, or sentiment
analysis, depending on your requirements.
import nltk
def pos_tagging(input_tokens):
tagged_tokens = nltk.pos_tag(input_tokens)
return tagged_tokens
# Example usage
input_text = "How are you doing today?"
input_tokens = nltk.word_tokenize(input_text)
tagged_tokens = pos_tagging(input_tokens)
print(tagged_tokens)
--------------------------------------------------
# Example usage
input_text = "Barack Obama was the President of the
United States."
entities = named_entity_recognition(input_text)
print(entities)
---------------------------------------------------
+Sentiment Analysis:
from nltk.sentiment import SentimentIntensityAnalyzer
def sentiment_analysis(input_text):
analyzer = SentimentIntensityAnalyzer()
sentiment_scores =
analyzer.polarity_scores(input_text)
return sentiment_scores
# Example usage
input_text = "I love this product! It's amazing."
sentiment_scores = sentiment_analysis(input_text)
print(sentiment_scores)
---------------------------------------------------
def dialogue_manager(input_text):
# Placeholder logic for dialogue management
# Determine user intent and generate response
based on context
if "weather" in input_text:
dialogue_state["topic"] = "weather"
return "Sure, I can help you with the
weather. Where are you located?"
elif dialogue_state["topic"] == "weather" and
dialogue_state["context"] is None:
dialogue_state["context"] = "location"
return "Please provide your location."
elif dialogue_state["topic"] == "weather" and
dialogue_state["context"] == "location":
# Here you would integrate with a weather API
to provide the forecast based on the user's location
return "The weather in your location is..."
else:
return "I'm sorry, I didn't understand that."
# Example usage
input_text = "What's the weather like today?"
response = dialogue_manager(input_text)
print(response)
-----------------------------------------------------
----
def get_weather_forecast(location):
# Integration with weather API (example using
OpenWeatherMap)
api_key = "your_api_key"
url =
f"http://api.openweathermap.org/data/2.5/weather?
q={location}&appid={api_key}"
response = requests.get(url)
weather_data = response.json()
return weather_data
# Example usage
location = "New York"
weather_forecast = get_weather_forecast(location)
print(weather_forecast)
-----------------------------------------------------
----
def text_to_speech(text):
engine = pyttsx3.init()
engine.say(text)
engine.runAndWait()
# Example usage
text = "Hello! How can I assist you today?"
text_to_speech(text)
-----------------------------------------------------
----
def recognize_speech():
recognizer = sr.Recognizer()
with sr.Microphone() as source:
print("Listening...")
recognizer.adjust_for_ambient_noise(source)
audio = recognizer.listen(source)
try:
print("Processing...")
text = recognizer.recognize_google(audio)
return text
except sr.UnknownValueError:
print("Sorry, I couldn't understand what you
said.")
return None
except sr.RequestError as e:
print(f"Could not request results from Google
Speech Recognition service; {e}")
return None
def process_input(input_text):
# Tokenize input text using NLTK
tokens = word_tokenize(input_text)
# Placeholder processing
# You can perform various NLP tasks here (e.g.,
part-of-speech tagging, named entity recognition)
return tokens
def generate_response(input_tokens):
# Placeholder function for generating response
# You would implement your response generation
logic here
# For simplicity, let's just return a hardcoded
response
if "hello" in input_tokens:
return "Hello! How can I assist you today?"
else:
return "I'm sorry, I didn't understand that."
def sentiment_analysis(input_text):
analyzer = SentimentIntensityAnalyzer()
sentiment_scores =
analyzer.polarity_scores(input_text)
return sentiment_scores
def get_weather_forecast(location):
# Integration with weather API (example using
OpenWeatherMap)
api_key = "your_api_key"
url =
f"http://api.openweathermap.org/data/2.5/weather?
q={location}&appid={api_key}"
response = requests.get(url)
weather_data = response.json()
return weather_data
def text_to_speech(text):
engine = pyttsx3.init()
engine.say(text)
engine.runAndWait()
def main():
while True:
print("Press Enter to start speaking (or 'q'
to quit)")
command = input()
if command.lower() == 'q':
break
# Generate response
response =
generate_response(input_tokens)
print("AI response:", response)
if __name__ == "__main__":
main()
-----------------------------------------------------
----------------------------
try:
print("Processing...")
text = recognizer.recognize_google(audio)
return text
except sr.UnknownValueError:
print("Sorry, I couldn't understand what you
said.")
return None
except sr.RequestError as e:
print(f"Could not request results from Google
Speech Recognition service; {e}")
return None
def process_input(input_text):
# Tokenize input text using NLTK
tokens = word_tokenize(input_text)
return tokens
def generate_response(input_tokens):
# Placeholder function for generating response
# You would implement your response generation
logic here
# For simplicity, let's just return a hardcoded
response
if "hello" in input_tokens:
return "Hello! How can I assist you today?"
else:
return "I'm sorry, I didn't understand that."
def sentiment_analysis(input_text):
analyzer = SentimentIntensityAnalyzer()
sentiment_scores =
analyzer.polarity_scores(input_text)
return sentiment_scores
def get_weather_forecast(location):
# Integration with weather API (example using
OpenWeatherMap)
api_key = "your_api_key"
url =
f"http://api.openweathermap.org/data/2.5/weather?
q={location}&appid={api_key}"
response = requests.get(url)
weather_data = response.json()
return weather_data
def text_to_speech(text):
engine = pyttsx3.init()
engine.say(text)
engine.runAndWait()
def main():
while True:
print("Press Enter to start speaking (or 'q'
to quit)")
command = input()
if command.lower() == 'q':
break
# Generate response
response =
generate_response(input_tokens)
print("AI response:", response)
if __name__ == "__main__":
main()
-----------------------------------------------------
----------------------------
def recognize_speech():
recognizer = sr.Recognizer()
with sr.Microphone() as source:
print("Listening...")
recognizer.adjust_for_ambient_noise(source)
audio = recognizer.listen(source)
try:
print("Processing...")
text = recognizer.recognize_google(audio)
return text
except sr.UnknownValueError:
print("Sorry, I couldn't understand what you
said.")
return None
except sr.RequestError as e:
print(f"Could not request results from Google
Speech Recognition service; {e}")
return None
def process_input(input_text):
# Tokenize input text using NLTK
tokens = word_tokenize(input_text)
return tokens
def generate_response(input_tokens):
# Placeholder function for generating response
# You would implement your response generation
logic here
# For simplicity, let's just return a hardcoded
response
if "hello" in input_tokens:
return "Hello! How can I assist you today?"
else:
return "I'm sorry, I didn't understand that."
def sentiment_analysis(input_text):
analyzer = SentimentIntensityAnalyzer()
sentiment_scores =
analyzer.polarity_scores(input_text)
return sentiment_scores
def get_weather_forecast(location):
# Integration with weather API (example using
OpenWeatherMap)
api_key = "your_api_key"
url =
f"http://api.openweathermap.org/data/2.5/weather?
q={location}&appid={api_key}"
try:
response = requests.get(url)
response.raise_for_status() # Raise an error
for non-200 status codes
weather_data = response.json()
return weather_data
except requests.RequestException as e:
print(f"Error accessing weather API: {e}")
return None
def text_to_speech(text):
engine = pyttsx3.init()
engine.say(text)
engine.runAndWait()
def main():
# Placeholder for user authentication
# You would implement secure authentication
mechanisms here
authenticated_user = True
if not authenticated_user:
print("User authentication failed.
Exiting...")
return
while True:
print("Press Enter to start speaking (or 'q'
to quit)")
command = input()
if command.lower() == 'q':
break
# Generate response
response =
generate_response(input_tokens)
print("AI response:", response)
if __name__ == "__main__":
main()
-----------------------------------------------------
----------------------------
In this updated version, I added a placeholder for
user authentication at the beginning of the main()
function. You would implement secure authentication
mechanisms here to ensure that only authorized users
can access the AI system. Additionally,
I added error handling for accessing the weather API
to handle potential network errors or API request
failures gracefully. These measures help improve the
overall security and reliability of the AI system.
-----------------------------------------------------
----------------------------
import requests
def search_wikipedia(query):
try:
url = f"https://en.wikipedia.org/w/api.php?
action=query&format=json&list=search&srsearch={query}
"
response = requests.get(url)
response.raise_for_status() # Raise an error
for non-200 status codes
data = response.json()
search_results = data["query"]["search"]
if search_results:
return search_results[0]["snippet"] #
Return the snippet of the first search result
else:
return "No relevant information found on
Wikipedia."
except requests.RequestException as e:
print(f"Error accessing Wikipedia API: {e}")
return None
def main():
# Placeholder for user authentication and other
functionalities
# ...
while True:
print("Press Enter to start speaking (or 'q'
to quit)")
command = input()
if command.lower() == 'q':
break
# Generate response
response =
generate_response(input_tokens)
print("AI response:", response)
if __name__ == "__main__":
main()
-----------------------------------------------------
----------------------------
def search_wikipedia(query):
try:
url = f"https://en.wikipedia.org/w/api.php?
action=query&format=json&list=search&srsearch={query}
"
response = requests.get(url)
response.raise_for_status() # Raise an error
for non-200 status codes
data = response.json()
search_results = data["query"]["search"]
if search_results:
return search_results[0]["snippet"] #
Return the snippet of the first search result
else:
return "No relevant information found on
Wikipedia."
except requests.RequestException as e:
print(f"Error accessing Wikipedia API: {e}")
return None
def search_openstreetmap(query):
try:
# Example of integrating with OpenStreetMap
# Placeholder implementation
# You would implement your own logic to
search OpenStreetMap data
return f"Placeholder response for '{query}'
from OpenStreetMap."
except Exception as e:
print(f"Error accessing OpenStreetMap: {e}")
return None
def search_cia_world_factbook(query):
try:
# Example of integrating with CIA World
Factbook
# Placeholder implementation
# You would implement your own logic to
search CIA World Factbook data
return f"Placeholder response for '{query}'
from CIA World Factbook."
except Exception as e:
print(f"Error accessing CIA World Factbook:
{e}")
return None
def main():
# Placeholder for user authentication and other
functionalities
# ...
while True:
print("Press Enter to start speaking (or 'q'
to quit)")
command = input()
if command.lower() == 'q':
break
# Perform speech recognition
input_text = recognize_speech()
if input_text:
print("You said:", input_text)
# Generate response
response =
generate_response(input_tokens)
print("AI response:", response)
openstreetmap_result =
search_openstreetmap(query)
print("OpenStreetMap result:",
openstreetmap_result)
cia_factbook_result =
search_cia_world_factbook(query)
print("CIA World Factbook result:",
cia_factbook_result)
if __name__ == "__main__":
main()
-----------------------------------------------------
----------------------------
Introduction:
Conversational AI systems have become increasingly
sophisticated, enabling natural and intelligent
interactions between users and machines. To develop a
highly effective conversational AI system, it's
essential to incorporate various features and
techniques, including advanced natural language
processing (NLP), personalized responses, multi-turn
dialogue management, integration with external APIs,
knowledge graphs, security measures, and performance
optimization. In this report, we'll provide a
detailed guide on how to implement, customize, fine-
tune, and manage each of these components to enhance
the capabilities of a conversational AI system.
7. Multimodal Interaction:
Implementation: Explore integrating other modes of
interaction such as text input alongside speech
recognition to provide users with multiple ways to
communicate with the AI system.
Customization: Customize multimodal interaction
interfaces and workflows to accommodate different
input modalities and user preferences.
Fine-Tuning: Fine-tune multimodal fusion models to
combine information from different modalities
effectively and improve overall system performance.
Management: Manage multimodal interaction components,
monitor user engagement across modalities, and
optimize interface design based on user feedback.
Open Source Resource: The Mozilla DeepSpeech project
provides an open-source speech-to-text engine for
converting speech to text:
https://github.com/mozilla/DeepSpeech
8. Security and Privacy:
Implementation: Ensure that the AI system adheres to
best practices for security and privacy, especially
when dealing with sensitive user data or accessing
external resources.
Customization: Customize security measures based on
regulatory requirements, industry standards, and
organizational policies to protect user privacy and
data confidentiality.
Fine-Tuning: Fine-tune security mechanisms for
robustness against common threats such as injection
attacks, authentication bypass, and data breaches.
Management: Manage security audits, conduct regular
vulnerability assessments, and implement security
patches and updates to mitigate emerging threats.
Open Source Resource: The OWASP Cheat Sheet Series
provides practical security guidelines and best
practices for web applications:
https://cheatsheetseries.owasp.org/
9. Performance Optimization:
Implementation: Optimize the performance of the AI
system by improving the efficiency of algorithms,
reducing latency in processing, and scaling
infrastructure to handle increased workload.
Customization: Customize performance optimization
strategies based on system requirements, resource
constraints, and performance objectives to achieve
optimal results.
Fine-Tuning: Fine-tune performance optimization
parameters such as batch sizes, parallelization
levels, and caching strategies to maximize throughput
and minimize response time.
Management: Manage system performance metrics,
monitor resource utilization, and optimize system
configurations based on workload patterns and
performance benchmarks.
Open Source Resource: The TensorFlow Extended (TFX)
library provides tools for building and deploying
production machine learning pipelines:
https://www.tensorflow.org/tfx
Conclusion:
Building and enhancing a conversational AI system
requires a systematic approach that encompasses
various components and techniques. By implementing,
customizing, fine-tuning, and managing each of the
ten aspects discussed in this report, developers can
create AI systems that are more intelligent,
versatile, and user-friendly. Leveraging open-source
resources and tools further facilitates the
development and deployment of robust conversational
AI solutions that meet the needs and expectations of
users in diverse contexts and applications.
-----------------------------------------------------
----------------------------
Model Training:
During model training, open-source libraries such as
TensorFlow, PyTorch, scikit-learn, and others are
used to define, train, and optimize machine learning
and deep learning models.
Researchers and practitioners leverage pre-built
models and architectures provided by these libraries
or customize them to suit their specific
requirements.
Hyperparameter tuning libraries like Optuna and Ray
Tune are used to automatically search for the best
hyperparameters for improving model performance.
Model Evaluation:
Once trained, models need to be evaluated to assess
their performance and generalization ability.
Evaluation metrics are computed using libraries like
scikit-learn, TensorFlow, or PyTorch to measure model
accuracy, precision, recall, F1-score, mean squared
error, etc.
Model interpretability libraries such as ELI5 and
SHAP can be employed to explain model predictions and
understand the factors driving them.
Model Deployment:
After evaluation, models are deployed to production
environments where they serve predictions or perform
inference tasks.
Deployment frameworks like TensorFlow Serving,
Docker, or cloud-based services (e.g., AWS SageMaker,
Google AI Platform) are used to package and deploy
models as scalable and reliable services.
Continuous integration and continuous deployment
(CI/CD) pipelines are established using tools like
Jenkins, GitLab CI/CD, or GitHub Actions to automate
the deployment process and ensure consistency and
reliability.
Model Monitoring and Management:
Once deployed, models need to be monitored and
managed to ensure they continue to perform
effectively and meet service level objectives.
Monitoring tools such as Prometheus, Grafana, or
specialized ML monitoring platforms track model
performance, data drift, concept drift, and other
relevant metrics.
Model versioning and management tools like MLflow or
Weights & Biases (wandb) help track model artifacts,
experiment configurations, and performance over time.
Model Updates and Maintenance:
Models require regular updates and maintenance to
adapt to changing data distributions, evolving
requirements, and emerging insights.
Version control systems like Git and GitLab are used
to manage model code, configurations, and
documentation.
Automated testing frameworks such as pytest or unit
testing libraries in Python are employed to ensure
the correctness and robustness of model updates.
Overall, models are an integral part of the AI
development process, and open-source resources
provide a rich ecosystem of tools and frameworks to
support every stage of the model lifecycle, from
training and evaluation to deployment and
maintenance. By leveraging these resources
effectively, developers and researchers can
accelerate the development of AI systems, improve
their performance, and drive innovation in the field.
Data Preparation:
Collect and preprocess the data required for training
and evaluation. This may involve tasks such as data
cleaning, normalization, feature engineering, and
splitting the data into training, validation, and
test sets.
Model Selection or Development:
Choose an appropriate model architecture or develop a
custom model based on the specific task and data
characteristics.
Select the appropriate open-source library or
framework (e.g., TensorFlow, PyTorch, scikit-learn)
based on the requirements of the task and the
expertise of the development team.
Model Training:
Use the selected library or framework to define the
model architecture, loss function, and optimization
algorithm.
Train the model on the training data using techniques
such as gradient descent, stochastic gradient
descent, or other optimization methods.
Monitor the training process, track performance
metrics, and adjust hyperparameters as needed to
improve model performance.
Model Evaluation:
Evaluate the trained model on the validation or test
data to assess its performance.
Compute relevant evaluation metrics such as accuracy,
precision, recall, F1-score, mean squared error, etc.
Use model interpretability tools to explain model
predictions and understand the factors driving them.
Model Deployment:
Package the trained model along with any necessary
dependencies into a deployable format (e.g.,
TensorFlow SavedModel, PyTorch model file, Docker
container).
Deploy the model to production environments using
deployment frameworks or cloud-based services.
Set up monitoring and logging to track model
performance and usage in real-time.
Model Monitoring and Maintenance:
Monitor the deployed model for performance
degradation, data drift, concept drift, and other
issues.
Implement automated alerts and notifications to flag
anomalies and trigger corrective actions.
Regularly update and retrain the model as new data
becomes available or as performance requirements
evolve.
Model Updates and Iteration:
Incorporate feedback from users and stakeholders to
identify areas for model improvement.
Iteratively update and refine the model based on new
insights, emerging trends, or changing requirements.
Use version control systems to manage model code,
configurations, and documentation across different
iterations and experiments.
Throughout this process, it's important to document
each step, including data sources, preprocessing
steps, model architectures, hyperparameters,
evaluation metrics, and deployment configurations.
This documentation helps ensure reproducibility,
transparency, and collaboration among team members
and stakeholders.
Data Preprocessing
Overview of Data Preprocessing: Explanation of the
importance of data preprocessing in AI development.
Model Training
Introduction to Model Training: Overview of the model
training process, including defining model
architecture, selecting loss functions, and
optimizing model parameters.
Model Evaluation
Understanding Model Evaluation: Explanation of key
concepts in model evaluation, including evaluation
metrics, validation sets, and cross-validation.
Model Deployment
Model Deployment: Overview of the model deployment
process, including packaging models for deployment
and deploying them to production environments.
Thank you all who have 1), made it this far and
decided to take the plunge. 2) Thank you to everyone
who continues to support me, and share my contentent.
My message and goal is to spread my knowledge, share
my works, and experiences with you all. There's no
bigger threat, nor collapse to a civilization, quite
like the one of hindering, gate-keeping, or
forbidding knowledge to the people.
Repositories:
1. GitHub
2. GitLab
3. Kaggle Datasets
10.scikit-learn Datasets
11.OpenAI Models
12.Torchvision Models
13.Google Research GitHub
Educational Videos:
1. TensorFlow YouTube Channel
for AI)
Learning)
Papers)
repositories:
1. BERT (Bidirectional Encoder Representations from
Transformers):
Transformer 2):
• YOLOv5 by Ultralytics
Convolutional Network):
• VGG16 by Keras Applications
Transformer 3):
• GPT-3 by OpenAI
Neural Network):
• WaveGlow by NVIDIA
Classification):
• FastText by Facebook Research
Generation):
• DALL-E by OpenAI
Network):
• BiLSTM by TensorFlow
• DPT by NVIDIA
• GraphSAGE by TensorFlow
• T5 by Hugging Face
These links provide direct access to specified models hosted on
4. MakeHuman
5. Mixamo
8. Poser
9. Sketchfab
10.TurboSquid
11.CGTrader
14.Renderosity
15.Daz 3D Marketplace
16.OpenGameArt
17.Envato Elements
18.PixelSquid
19.Gumroad
20.ArtStation Marketplace
21.SketchUp 3D Warehouse
22.RenderHub
23.Adobe Stock
24.RocketStock
25.Free3D
downloadable AI resources:
1. TensorFlow: https://www.tensorflow.org/
2. PyTorch: https://pytorch.org/
3. scikit-learn: https://scikit-learn.org/stable/
4. Keras: https://keras.io/
5. NumPy: https://numpy.org/
6. Pandas: https://pandas.pydata.org/
7. OpenAI Gym: https://gym.openai.com/
8. OpenCV: https://opencv.org/
10.Gensim: https://radimrehurek.com/gensim/
11.spaCy: https://spacy.io/
12.Fastai: https://docs.fast.ai/
13.XGBoost: https://xgboost.readthedocs.io/en/latest/
14.LightGBM: https://lightgbm.readthedocs.io/en/latest/
15.CatBoost: https://catboost.ai/
16.Caffe: http://caffe.berkeleyvision.org/
17.MXNet: https://mxnet.apache.org/
18.H2O.ai: https://www.h2o.ai/
19.Tesseract OCR:
https://github.com/tesseract-ocr/tesseract
20.AllenNLP: https://allennlp.org/
21.Spark MLlib: https://spark.apache.org/mllib/
22.Scrapy: https://scrapy.org/
23.Prophet: https://facebook.github.io/prophet/
24.Chainer: https://chainer.org/
25.Theano: http://deeplearning.net/software/theano/
https://huggingface.co/transformers/
models
https://onnx.ai/
33.TensorRT: https://developer.nvidia.com/tensorrt
34.CoreML:
https://developer.apple.com/documentation/coreml
35.MLflow: https://mlflow.org/
36.Kubeflow: https://www.kubeflow.org/
https://www.tensorflow.org/lite
38.DeepSpeech: https://github.com/mozilla/DeepSpeech
39.FastText: https://fasttext.cc/
40.BERT: https://github.com/google-research/bert
41.GPT-2: https://openai.com/research/gpt-2
42.DALL-E: https://openai.com/dall-e/
43.CycleGAN: https://github.com/junyanz/CycleGAN
https://github.com/AlexeyAB/darknet
45.Mask R-CNN:
https://github.com/matterport/Mask_RCNN
Here are the complete direct URLs for each of the anime AI
resources listed:
1. Waifu2x: https://github.com/nagadomi/waifu2x
2. DeepDanbooru:
https://github.com/KichangKim/DeepDanbooru
https://github.com/NVlabs/stylegan2-ada
4. OpenPose: https://github.com/CMU-Perceptual-
Computing-Lab/openpose
5. AnimeGAN:
https://github.com/TachibanaYoshino/AnimeGAN
6. AnimeCharacterRecognition: https://github.com/sujay-
dsa/AnimeCharacterRecognition
7. Dango: https://github.com/danbooru/dango
8. DeepArt: https://deepart.io/
9. Anime-Sketch-Colorization:
https://github.com/lllyasviel/style2paints
10.Anime4K: https://github.com/bloc97/Anime4K
11.DeepMoji: https://github.com/bfelbo/DeepMoji
12.Sakura: https://github.com/LoliconEXE/sakura
13.Deep-3D-Avatar:
https://github.com/AliaksandrSiarohin/Deep-3D-Avatar
14.Rin-chan: https://github.com/AzureXiao/Rin-chan
15.Anime-Face-Dataset: https://github.com/bchao1/Anime-
Face-Dataset
16.DeepAnime: https://deepanime.org/
17.AnimeGANv2:
https://github.com/TachibanaYoshino/AnimeGANv2
18.Anime-AutoColorization:
https://github.com/TachibanaYoshino/Anime-
AutoColorization
https://openai.com/research/codex/
20.AnimeFrenzy:
https://github.com/williamyizhu/AnimeFrenzy
21.AniML: https://github.com/yandex-research/AniML
22.AnimePainter: https://animepainter.org/
23.DeepExplain:
https://github.com/marcoancona/DeepExplain
24.Anime-2D-Character-Generator:
https://github.com/kiyoshitaro/Anime-2D-Character-
Generator
25.MangaCraft: https://github.com/tkomatsu/MangaCraft
https://github.com/nus-mornin-lab/Anime-Character-
RNN
27.DeepAnime: https://github.com/amlovey/deepanime
28.AnimeGAN-Tensorflow:
https://github.com/TachibanaYoshino/AnimeGAN-
Tensorflow
29.DeepCreamPy:
https://github.com/deeppomf/DeepCreamPy
30.Cherry: https://github.com/kurogedelic/cherry
31.3D Anime Face Reconstruction:
https://github.com/polaroidkidd/3D-anime-face-
reconstruction
https://github.com/JasonHe1998/Anime-Character-
Recognition-using-Deep-Learning
33.2D-3D-Anime-Character-Generation:
https://github.com/val-iisc/2D-3D-Anime-Character-
Generation
https://github.com/KingReverie/Anime-Character-RNN
35.Neural Anime:
https://github.com/nickwalton/NeuralAnime
36.AnimePose: https://github.com/pjreddie/animepose
37.AnimeGAN-Pytorch:
https://github.com/TachibanaYoshino/AnimeGAN-
Pytorch
https://github.com/ryankiros/animeface-2009
https://github.com/hritikvalluvar/Anime-Character-
Recognition-using-Deep-Learning
40.DeepCreamPy-Server:
https://github.com/deeppomf/DeepCreamPy-Server
41.AnimeGAN-V2:
https://github.com/bryandlee/animeGANv2
42.Anime-Character-Recognition:
https://github.com/ujjwalkarn/Anime-Character-
Recognition
43.anime: https://github.com/lfz0611/anime
44.Anime Gan: https://github.com/rosemax/anime-gan
45.DeepCreamPy-REST-API:
https://github.com/deeppomf/DeepCreamPy-REST-API
1. Wikipedia: https://dumps.wikimedia.org/
2. DBpedia: https://wiki.dbpedia.org/downloads
3. Freebase: https://developers.google.com/freebase/
4. Wikidata:
https://www.wikidata.org/wiki/Wikidata:Database_down
load
5. WordNet: https://wordnet.princeton.edu/download
6. Wikimedia Commons:
https://commons.wikimedia.org/wiki/Commons:Database
_download
7. OpenCyc: http://www.opencyc.org/
8. ConceptNet: http://conceptnet.io/
9. YAGO:
https://www.mpi-inf.mpg.de/departments/databases-and-
information-systems/research/yago-naga/yago/
10.LinkedMDB: http://www.linkedmdb.org/
11.GeoNames: https://www.geonames.org/
12.OpenStreetMap:
https://wiki.openstreetmap.org/wiki/Downloading_data
13.Medline: https://www.nlm.nih.gov/bsd/licensee/
14.PubMed Central:
https://www.ncbi.nlm.nih.gov/pmc/tools/openftlist/
15.Stanford Large Network Dataset Collection:
http://snap.stanford.edu/data/index.html
https://unstats.un.org/sdgs/indicators/database/
17.IMDB: https://www.imdb.com/interfaces/
https://www.census.gov/data/datasets.html
https://data.europa.eu/euodp/en/data/
https://earth.esa.int/eogateway/
https://coast.noaa.gov/dataviewer/
24.UNICEF Data: https://data.unicef.org/
https://books.google.com/ngrams
https://www.un.org/ga/search/view_doc.asp?
symbol=A/RES/
https://www.who.int/data/data-collection-tools/who-data-
repository
https://covidtracking.com/
33.Johns Hopkins University COVID-19 Data Repository:
https://github.com/CSSEGISandData/COVID-19
https://www.fec.gov/data/
https://www.sec.gov/edgar/searchedgar/accessing-edgar-
data.htm
https://nces.ed.gov/ipeds/use-the-data
https://www.bls.gov/developers/home.htm
https://www.epa.gov/enviro
https://www.ers.usda.gov/data-products/
40.U.S. Department of Transportation (DOT) Data:
https://www.transportation.gov/data
https://www.eia.gov/opendata/
Data: https://www.healthdata.gov/
https://fred.stlouisfed.org/
https://www.justice.gov/data
https://www.defense.gov/Resources/Data-Sets/
https://www.fda.gov/drugs/drug-approvals-and-
databases/drugsfda-data-files
https://www.dhs.gov/foia-reports/foia-library/
https://forgottenrealms.fandom.com/wiki/Main_Page
3. Middle-earth Datafiles:
https://www.middleearthdatafiles.com/
https://awoiaf.westeros.org/index.php/Main_Page
https://dnd-wiki.org/wiki/Main_Page
6. Pathfinder Wiki:
https://pathfinderwiki.com/wiki/Pathfinder_Wiki
Wiki
https://wot.fandom.com/wiki/A_beginning
https://warhammerfantasy.fandom.com/wiki/Warhammer
_Wiki
https://dragonage.fandom.com/wiki/Dragon_Age_Wiki
https://darksouls.fandom.com/wiki/Dark_Souls_Wiki
https://finalfantasy.fandom.com/wiki/Final_Fantasy_Wik
13.Warcraft Wiki:
https://wowwiki-archive.fandom.com/wiki/Portal:Main
https://witcher.fandom.com/wiki/The_Witcher_Wiki
15.Eberron Wiki:
https://eberron.fandom.com/wiki/Eberron_Wiki
https://darksun.fandom.com/wiki/Main_Page
17.Malazan Wiki:
https://malazan.fandom.com/wiki/Malazan_Wiki
https://zelda.fandom.com/wiki/Zelda_Wiki
19.Azerothica Wiki:
https://azerothica.fandom.com/wiki/Azerothica_Wiki
http://www.silmarillionwritersguild.org/
21.Mystara Wiki:
https://mystara.fandom.com/wiki/Mystara_Wiki
https://hyboria.xoth.net/wiki/Main_Page
https://kingkiller.fandom.com/wiki/The_Kingkiller_Chro
nicle_Wiki
24.Shannara Wiki:
https://shannara.fandom.com/wiki/Shannara_Wiki
https://stormlightarchive.fandom.com/wiki/The_Stormlig
ht_Archive_Wiki
https://malazanempire.fandom.com/wiki/Malazan_Wiki
https://warhammer40k.fandom.com/wiki/Warhammer_4
0k_Wiki
https://darktower.fandom.com/wiki/The_Dark_Tower_W
iki
https://wotcompanion.fandom.com/wiki/The_Wheel_of_
Time_Companion_Wiki
https://orcandhumans.fandom.com/wiki/Warcraft:Orcs
%26_Humans_Wiki
https://codexalera.fandom.com/wiki/Codex_Alera_Wiki
https://throneofglass.fandom.com/wiki/Throne_of_Glass
_Wiki
https://blackcompany.fandom.com/wiki/The_Black_Com
pany_Wiki
https://botns.fandom.com/wiki/The_Book_of_the_New_
Sun_Wiki
https://malazan.fandom.com/wiki/Malazan_Wiki
https://sot.fandom.com/wiki/Sword_of_Truth_Wiki
https://dragonprince.fandom.com/wiki/The_Dragon_Prin
ce_Wiki
https://dragonagefanon.fandom.com/wiki/Dragon_Age_F
anon_Wiki
https://legendofdrizzt.fandom.com/wiki/The_Legend_of_
Drizzt_Wiki
43.Diablo Wiki:
https://diablo.fandom.com/wiki/Diablo_Wiki
https://darktower.fandom.com/wiki/The_Dark_Tower_W
iki
cle_Wiki
rpg.fandom.com/wiki/The_Witcher_Pen_
%26_Paper_RPG_Wiki
https://stormlightarchive.fandom.com/wiki/The_Stormlig
ht_Archive_Fan_Wiki
https://dungeonsdragons.fandom.com/wiki/Dungeons_
%26_Dragons_Lore_Wiki
https://inheritance.fandom.com/wiki/The_Inheritance_Cy
cle_Wiki
https://archive.ics.uci.edu/ml/index.php
3. Data.gov: https://www.data.gov/
https://registry.opendata.aws/
5. Google Cloud Public Datasets:
https://cloud.google.com/public-datasets
https://azure.microsoft.com/en-us/services/open-
datasets/catalog/
7. Quandl: https://www.quandl.com/
10.Eurostat: https://ec.europa.eu/eurostat/data/database
https://fred.stlouisfed.org/
https://www.bls.gov/data/
https://www.census.gov/data.html
14.Financial Times API: https://developer.ft.com/
https://www.sec.gov/edgar/searchedgar/webusers.htm
https://www.pwc.com/us/en/services/data-analytics.html
19.Deloitte Insights:
https://www2.deloitte.com/us/en/insights.html
https://www.mckinsey.com/featured-insights
knowledge
https://www.pewresearch.org/
https://www.imf.org/en/Data
https://www.weforum.org/our-partners/data-partner-
platforms
https://www.glassdoor.com/research/
https://www.bloomberg.com/professional/solution/data-
and-content/distribution/
https://www.refinitiv.com/en/financial-data/data-
platforms/datastream-macroeconomic-analysis-software/
https://www.nasdaq.com/solutions/data-licensing
https://www.spglobal.com/marketintelligence/en/
https://ihsmarkit.com/products/data.html
39.Experian Data:
https://www.experian.com/products/decision-analytics
40.Standard & Poor's Capital IQ:
https://www.capitaliq.com/
https://www.bea.gov/
https://www.conference-board.org/data/
43.Datastream by Refinitiv:
https://www.refinitiv.com/en/financial-data/data-
platforms/datastream-macroeconomic-analysis-software/
44.FactSet: https://www.factset.com/
45.Bloomberg Terminal:
https://www.bloomberg.com/professional/solution/bloom
berg-terminal/
https://www.spglobal.com/ratings/en/
https://www.bvdinfo.com/en-gb
https://www.kaggle.com/datasets?
search=cryptocurrency
https://archive.ics.uci.edu/ml/index.php
https://datasetsearch.research.google.com/
https://cryptodatadownload.com/
10.Kraken API:
https://support.kraken.com/hc/en-us/categories/36000012
3966-API
12.CoinAPI: https://www.coinapi.io/
lang=en
35.CoinEx API:
https://github.com/coinexcom/coinex_exchange_api
37.Bibox API:
https://github.com/Biboxcom/api_reference/wiki/home_e
official-api-docs
44.WhiteBIT API:
https://documenter.getpostman.com/view/7407554/SzKP
UdWf?version=latest
45.CoinTiger API: https://github.com/cointiger/api-docs
docs
48.AAX API:
https://documenter.getpostman.com/view/15586188/RW
TeSNKt?version=latest
api-docs
repositories:
1. GitHub: https://github.com/
2. GitLab: https://gitlab.com/
3. Bitbucket: https://bitbucket.org/
5. Codecademy: https://www.codecademy.com/
6. freeCodeCamp: https://www.freecodecamp.org/
7. W3Schools: https://www.w3schools.com/
10.GeeksforGeeks: https://www.geeksforgeeks.org/
13.Data.gov: https://www.data.gov/
https://datasetsearch.research.google.com/
15.CodePen: https://codepen.io/
16.JSFiddle: https://jsfiddle.net/
17.Repl.it: https://repl.it/
18.HackerRank: https://www.hackerrank.com/
19.LeetCode: https://leetcode.com/
20.CodeSignal: https://codesignal.com/
21.HackerEarth: https://www.hackerearth.com/
22.Exercism: https://exercism.io/
24.CodeChef: https://www.codechef.com/
25.Dev.to: https://dev.to/
26.Hashnode: https://hashnode.com/
27.Medium: https://medium.com/
28.TechCrunch: https://techcrunch.com/
29.InfoQ: https://www.infoq.com/
https://developer.mozilla.org/
31.DevDocs: https://devdocs.io/
https://developer.mozilla.org/en-US/docs/Web
https://www.libreoffice.org/
36.Atom: https://atom.io/
39.Eclipse: https://www.eclipse.org/
40.NetBeans: https://netbeans.org/
42.PyCharm: https://www.jetbrains.com/pycharm/
44.Xcode: https://developer.apple.com/xcode/
45.Unity: https://unity.com/
47.Qt: https://www.qt.io/
48.Node.js: https://nodejs.org/
49.Django: https://www.djangoproject.com/
development.
https://www.theoccultlibrary.com/
1. Witchvox: https://witchvox.com/
2. Occultopedia: http://www.occultopedia.com/
https://www.sacred-texts.com/eso/index.htm
https://library.thesatanictemple.org/
https://www.satanicinternationalnetwork.com/
https://luciferianresearch.org/
14.The Black Witch Coven: https://blackwitchcoven.com/
https://www.paganfederation.org/
21.PaganSpace: https://www.paganspace.net/
https://www.witchcraftandwitches.com/
https://occultscience101.wordpress.com/
https://avaloniabooks.co.uk/
https://www.goldendawnlibrary.com/
https://www.hermeticfellowship.org/
https://paganandwitchcraftcommunity.com/
https://www.satanictemplenews.com/
https://www.thewitchymommy.com/
https://www.thewitchcraftchronicles.com/
https://www.hubspot.com/marketing-resources
4. Social Media Examiner:
https://www.socialmediaexaminer.com/
https://neilpatel.com/blog/category/social-media/
8. Brandwatch Resources:
https://www.brandwatch.com/resources/
13.Socialbakers Resources:
https://www.socialbakers.com/resources
https://www.crowdtangle.com/resources
https://socialbee.io/resources/
38.Followerwonk Resources:
https://followerwonk.com/resources
https://docs.unrealengine.com/en-US/index.html
https://docs.godotengine.org/en/stable/index.html
https://github.com/topics/game-development
Xo29CKyLTjn6z2XwYAw
https://www.youtube.com/user/Brackeys
10.Construct 3 Tutorials:
https://www.construct.net/en/tutorials
https://phaser.io/learn
https://www.youtube.com/user/gamefromscratch
https://www.pixelprospector.com/
https://www.youtube.com/c/GDquest
15.Game Development World Championship:
https://thegdwc.com/
https://www.youtube.com/c/devgame
https://docs.blender.org/manual/en/latest/game_engine/in
dex.html
https://www.gamedev.tv/courses/
https://www.codecademy.com/learn/learn-phaser
https://www.youtube.com/channel/UCwRqWnW5ZkVaP
_lZF7caZ-g
https://www.udemy.com/course/complete-flappy-bird-
clone-game-dev/
https://gamedev.stackexchange.com/
https://godotengine.org/asset-library/asset/262
https://www.youtube.com/c/GameDevHQ
https://phaser.io/community/books
https://www.reddit.com/r/gameprogramming/wiki/resour
ces
29.Pygame Documentation: https://www.pygame.org/docs/
(Coursera):
https://www.coursera.org/specializations/game-
development
https://www.construct.net/en/free-online-games
33.GameDev.net Forums:
https://www.gamedev.net/forums/
https://assetstore.unity.com/publishers/738
https://www.cryengine.com/tutorials
https://github.com/topics/game-development?
l=&o=desc&s=stars
https://godotengine.org/asset-library/asset
https://www.youtube.com/c/GameDevHQ
https://phaser.discourse.group/
https://www.construct.net/en/make-games/addons
https://www.udemy.com/course/game-development-
with-python/
43.Blender Game Development Playlist (YouTube):
https://www.youtube.com/playlist?
list=PLa1F2ddGya_8V90Kd5eC5PeBjySbXWGK1
https://www.gamedev.tv/p/unreal-engine-developer-
course
https://www.pixelprospector.com/indie-resources/
https://www.youtube.com/results?
search_query=game+development+conference
https://www.freecodecamp.org/news/tag/game-
development/
list=PLvHQZx3LMqzuibZgt_Rs6aSCqMiW-4gBN
https://assetstore.unity.com/lists/top-free-packages-13201
https://blenderartists.org/c/game-engine
bases.
https://docs.unrealengine.com/en-US/index.html
3. GameDev.net Resources: https://www.gamedev.net/
https://docs.godotengine.org/en/stable/index.html
https://github.com/topics/game-development
https://www.youtube.com/channel/UCqJ-
Xo29CKyLTjn6z2XwYAw
https://www.youtube.com/user/Brackeys
10.Construct 3 Tutorials:
https://www.construct.net/en/tutorials
https://www.youtube.com/user/gamefromscratch
https://www.pixelprospector.com/
https://www.youtube.com/c/GDquest
https://thegdwc.com/
https://www.youtube.com/c/devgame
https://docs.blender.org/manual/en/latest/game_engine/in
dex.html
https://www.codecademy.com/learn/learn-phaser
https://www.youtube.com/channel/UCwRqWnW5ZkVaP
_lZF7caZ-g
https://www.udemy.com/course/complete-flappy-bird-
clone-game-dev/
https://gamedev.stackexchange.com/
https://godotengine.org/asset-library/asset/262
26.GameDevHQ YouTube Tutorials:
https://www.youtube.com/c/GameDevHQ
https://phaser.io/community/books
https://www.reddit.com/r/gameprogramming/wiki/resour
ces
(Coursera):
https://www.coursera.org/specializations/game-
development
https://www.construct.net/en/free-online-games
33.GameDev.net Forums:
https://www.gamedev.net/forums/
https://assetstore.unity.com/publishers/738
https://www.cryengine.com/tutorials
https://www.patreon.com/GameMakersToolkit
https://github.com/topics/game-development?
l=&o=desc&s=stars
https://godotengine.org/asset-library/asset
https://www.youtube.com/c/GameDevHQ
40.Phaser Community Forums:
https://phaser.discourse.group/
https://www.construct.net/en/make-games/addons
https://www.udemy.com/course/game-development-
with-python/
https://www.youtube.com/playlist?
list=PLa1F2ddGya_8V90Kd5eC5PeBjySbXWGK1
https://www.gamedev.tv/p/unreal-engine-developer-
course
https://www.pixelprospector.com/indie-resources/
46.Game Development Conference Videos:
https://www.youtube.com/results?
search_query=game+development+conference
https://www.freecodecamp.org/news/tag/game-
development/
https://www.youtube.com/playlist?
list=PLvHQZx3LMqzuibZgt_Rs6aSCqMiW-4gBN
https://assetstore.unity.com/lists/top-free-packages-13201
https://blenderartists.org/c/game-engine
bases.
Steam partnership:
https://docs.unrealengine.com/en-US/index.html
https://docs.godotengine.org/en/stable/index.html
https://github.com/topics/game-development
https://www.youtube.com/channel/UCqJ-
Xo29CKyLTjn6z2XwYAw
https://www.youtube.com/user/Brackeys
9. Construct 3 Tutorials:
https://www.construct.net/en/tutorials
https://phaser.io/learn
11.GameFromScratch YouTube Channel:
https://www.youtube.com/user/gamefromscratch
https://www.pixelprospector.com/
https://www.youtube.com/c/GDquest
https://thegdwc.com/
https://www.youtube.com/c/devgame
https://docs.blender.org/manual/en/latest/game_engine/in
dex.html
https://www.gamedev.tv/courses/
18.Codecademy Game Development Courses:
https://www.codecademy.com/learn/learn-phaser
https://www.youtube.com/channel/UCwRqWnW5ZkVaP
_lZF7caZ-g
https://www.udemy.com/course/complete-flappy-bird-
clone-game-dev/
https://gamedev.stackexchange.com/
https://godotengine.org/asset-library/asset/262
https://phaser.io/community/books
https://www.reddit.com/r/gameprogramming/wiki/resour
ces
(Coursera):
https://www.coursera.org/specializations/game-
development
https://www.construct.net/en/free-online-games
32.GameDev.net Forums:
https://www.gamedev.net/forums/
https://assetstore.unity.com/publishers/738
https://www.cryengine.com/tutorials
https://www.patreon.com/GameMakersToolkit
https://github.com/topics/game-development?
l=&o=desc&s=stars
https://godotengine.org/asset-library/asset
https://www.youtube.com/c/GameDevHQ
https://www.construct.net/en/make-games/addons
https://www.udemy.com/course/game-development-
with-python/
https://www.youtube.com/playlist?
list=PLa1F2ddGya_8V90Kd5eC5PeBjySbXWGK1
https://www.gamedev.tv/p/unreal-engine-developer-
course
https://www.pixelprospector.com/indie-resources/
search_query=game+development+conference
https://www.freecodecamp.org/news/tag/game-
development/
https://www.youtube.com/playlist?
list=PLvHQZx3LMqzuibZgt_Rs6aSCqMiW-4gBN
https://assetstore.unity.com/lists/top-free-packages-13201
https://blenderartists.org/c/game-engine
gaming company:
1. Steamworks Documentation:
https://partner.steamgames.com/doc/home
2. Steam Workshop:
https://steamcommunity.com/workshop/
https://partner.steamgames.com/doc/webapi_overview
https://partner.steamgames.com/doc/
https://developer.valvesoftware.com/wiki/Steam_Worksh
op
https://developer.valvesoftware.com/wiki/SteamVR
https://steamcommunity.com/market/
https://valvesoftware.github.io/steam-audio/
13.Steam Greenlight:
https://steamcommunity.com/workshop/greenlight
https://github.com/ValveSoftware/steamvr_unity_plugin
https://steamcommunity.com/tradingcards/
https://github.com/rlabrecque/Steamworks.NET
https://valvesoftware.github.io/steam-audio/doc/index.ht
ml
https://store.steampowered.com/remoteplay
21.Steam Broadcasting:
https://store.steampowered.com/broadcast/
https://partner.steamgames.com/doc/webapi
https://partner.steamgames.com/doc/sdk
https://partner.steamgames.com/doc/features/overlay
https://store.steampowered.com/remoteplaytogether
https://developer.valvesoftware.com/wiki/Steam_Web_A
PI/IEconService
27.Steam Input:
https://partner.steamgames.com/doc/features/steam_input
https://developer.valvesoftware.com/wiki/Steam_Web_A
PI/IEconItems
https://github.com/ValveSoftware/steam-audio
https://github.com/ValveSoftware/steamvr_unity_plugin
https://valvesoftware.github.io/steam-audio/doc/phonon_
unity.html
https://steamcommunity.com/appreviews/
https://developer.valvesoftware.com/wiki/Steam_Web_A
PI/ICloud
https://github.com/babelshift/SteamWebAPI2
https://assetstore.unity.com/packages/tools/integration/ste
amworks-net-113740
https://partner.steamgames.com/doc/features/steamcontro
ller
https://partner.steamgames.com/doc/content_guidelines
https://partner.steamgames.com/doc/features/broadcastin
https://developer.valvesoftware.com/wiki/Steam_Web_A
PI/IFriendsService
https://developer.valvesoftware.com/wiki/Steam_Web_A
PI/ITradingService
https://docs.unity3d.com/Packages/com.unity.xr.steamvr.
html
https://developer.valvesoftware.com/wiki/Steam_Web_A
PI/IAchievementsService
https://github.com/SteamDatabase/steamworks
https://partner.steamgames.com/doc/features/remoteplay
https://partner.steamgames.com/doc/features/chat
https://partner.steamgames.com/doc/features/overlay
gaming company.
50 full URLs to open-sourced direct links that will
you can add too Steam, but not from theyre website
2. LibreGameWiki:
https://libregamewiki.org/List_of_games
https://forum.freegamedev.net/viewforum.php?f=73
4. OpenGameArt: https://opengameart.org/
https://sourceforge.net/directory/games/
https://libregamewiki.org/List_of_freeware_games
https://github.com/ellisonleao/magictools
https://www.indiedb.com/games/free
https://libregamewiki.org/List_of_open-source_games
open-source
15.GitHub FreeGameDev:
https://github.com/FreeGameDev/FreeGameDev
https://libregamewiki.org/List_of_freeware_and_open-
source_games
https://opengameart.org/
https://github.com/topics/open-source-game
https://itch.io/jams/genre-open-source
https://github.com/FreeGameDev/FreeGameDev
https://www.indiedb.com/games/free-open-source
source_games
https://opengameart.org/
https://github.com/topics/open-source-game
https://itch.io/jams/genre-open-source
https://github.com/FreeGameDev/FreeGameDev
https://www.indiedb.com/games/free-open-source
https://libregamewiki.org/List_of_freeware_and_open-
source_games
30.OpenGameArt Free and Open Source Games:
https://opengameart.org/
https://github.com/topics/open-source-game
https://itch.io/jams/genre-open-source
https://github.com/FreeGameDev/FreeGameDev
https://www.indiedb.com/games/free-open-source
https://libregamewiki.org/List_of_freeware_and_open-
source_games
https://opengameart.org/
37.GitHub Open Source Games:
https://github.com/topics/open-source-game
https://itch.io/jams/genre-open-source
https://github.com/FreeGameDev/FreeGameDev
https://www.indiedb.com/games/free-open-source
https://libregamewiki.org/List_of_freeware_and_open-
source_games
https://opengameart.org/
https://github.com/topics/open-source-game
44.itch.io Open Source Game Jams:
https://itch.io/jams/genre-open-source
https://github.com/FreeGameDev/FreeGameDev
https://www.indiedb.com/games/free-open-source
https://libregamewiki.org/List_of_freeware_and_open-
source_games
https://opengameart.org/
https://github.com/topics/open-source-game
These URLs will take you directly to the respective pages where
you can download free and open-source games from various
platforms.
game development:
1. https://github.com/search?q=topic%3Agame-off-
2023&type=repositories
2. https://github.com/ellisonleao/magictools
3. https://github.com/search?q=topic%3Agodot-
engine&type=repositories
4. https://github.com/search?q=topic
%3Aunity&type=repositories
5. https://github.com/search?q=topic%3Aunreal-
engine&type=repositories
6. https://github.com/search?q=topic%3Agamedev-
patterns&type=repositories
7. https://github.com/search?q=topic%3Agame-
physics&type=repositories
8. https://github.com/search?q=topic%3Agame-
networking&type=repositories
9. https://github.com/search?q=topic%3Agame-
ai&type=repositories
10.https://github.com/search?q=topic%3Agame-
design&type=repositories
11.https://github.com/search?q=topic%3Aprocedural-
generation&type=repositories
12.https://github.com/search?q=topic%3Apixel-
art&type=repositories
13.https://github.com/search?q=topic%3A2d-
engine&type=repositories
14.https://github.com/search?q=topic%3A3d-
engine&type=repositories
https://github.com/search?q=topic%3Agame-off-
2023&type=repositories
1. https://github.com/ellisonleao/magictools
2. https://github.com/search?q=topic%3Agodot-
engine&type=repositories
3. https://github.com/search?q=topic
%3Aunity&type=repositories
4. https://github.com/search?q=topic%3Aunreal-
engine&type=repositories
5. https://github.com/search?q=topic%3Agamedev-
patterns&type=repositories
6. https://github.com/search?q=topic%3Agame-
physics&type=repositories
7. https://github.com/search?q=topic%3Agame-
networking&type=repositories
8. https://github.com/search?q=topic%3Agame-
ai&type=repositories
9. https://github.com/search?q=topic%3Agame-
design&type=repositories
10.https://github.com/search?q=topic%3Aprocedural-
generation&type=repositories