An open API service providing repository metadata for many open source software ecosystems.

Topic: "artificial-intelligence-algorithms"

khaHesham/Cartoon-World

Language: Jupyter Notebook - Size: 29.6 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 0

emirhanai/AI-City-Detection-Recognition-From-Image-Emirhan-Bulut

AI City Detection (Recognition) From Image By Emirhan Bulut

Language: Jupyter Notebook - Size: 9.46 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 3

MicroAIInc/MicroAI-Atom-ESP32

MicroAI™ is an AI engine that can operate on low power edge and endpoint devices. It can learn the pattern of any and all time series data and can be used to detect anomalies or abnormalities, make one step ahead predictions/forecasts, and calculate the remaining life of entities (whether it is industrial machinery, small devices or the like).

Language: C - Size: 1.75 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 3

emirhanai/Cell-Instance-Segmentation-Deep-Learning-Project-Emirhan-BULUT

Cell Instance Segmentation - Deep Learning Project - Emirhan BULUT

Language: Jupyter Notebook - Size: 3.22 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 1

shamiul94/Chain-Reaction-Game-AI-Bot

This is a AI bot for Chain Reaction game using minimax algorithm with alpha-beta pruning ang killer move heuristic.

Language: Java - Size: 181 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 3

brittanyjspringer/deepracer

The fastest way to get rolling with machine learning on AWS. Workshop completed at re:Invent 2018 :blue_car: :red_car:

Language: Python - Size: 1000 Bytes - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 8 - Forks: 2

ronniross/latent-memory

A Module for Large Language Models that seek to integrate a vector-based memory system into the inference process, leveraging embeddings to capture deeper semantic meaning.

Language: Python - Size: 277 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 7 - Forks: 0

nragland37/Ai-MiniMax-TicTacToe

An unbeatable Tic-Tac-Toe Artificial Intelligence in C++, featuring the Minimax algorithm with Alpha-Beta pruning and visualized move tree traversal

Language: C++ - Size: 13.9 MB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 1

KOSASIH/artificial-pancreas

An open-source software platform for managing diabetes using a closed-loop insulin delivery system. The platform uses machine learning algorithms and continuous glucose monitoring to automatically adjust insulin dosing, improving glycemic control and reducing the risk of hypoglycemia.

Language: JavaScript - Size: 76.2 KB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

Kalyan4636/PYTHON-EERING

PYTHON PROJECT WITH SOURCE CODE. the best Python project name is one that is descriptive, memorable, and fun for you to say. Don't be afraid to get creative and use emojis to make your project stand out! 📈

Language: Python - Size: 992 KB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 2

MYAI168/MYAI-Studio

MYAI Studio (AI Development Tools, AI APPs, AI SDKs, AI Model Zoo, Making AI Easy)

Size: 29.3 KB - Last synced at: 20 days ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

HamzaZaidiX/Replicate-Images-GFPGAN Fork of TencentARC/GFPGAN

GFPGAN is a great AI tool which gives you High Quality Images on Output and develops Real-world Face Restoration.

Size: 5.28 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 6

Ervum/Singularity

😎 Wish to work for a big cause, instead of playing LOL at home? — Join here:

Language: Python - Size: 112 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

tsyet12/Duelist-Algorithm-Python

A Python implementation of the paper "Duelist Algorithm: An Algorithm Inspired by How Duelist Improve Their Capabilities in a Duel" https://arxiv.org/abs/1512.00708

Language: Python - Size: 234 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

HirataYurina/RetinaNet-tf2.X-sibyl

use eager tf to do my projects because it is difficult to debug with frozen graph

Language: Python - Size: 435 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 0

vmeazevedo/Artificial_Intelligence_S.O.N.I.A

Artificial intelligence programmed in Python to perform searching on Google and YouTube by voice command.

Language: Python - Size: 57.6 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 3

spandey1296/ML_Algorithm_Cord

All Machine learning algorithm are available.

Language: Jupyter Notebook - Size: 8.89 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 9

khasmamad99/Water-Jug-Problem-Solver

Language: Python - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 4

andersy005/artificial-intelligence

Implementation of Artificial Intelligence Algorithms: code base, notes, exercises and solutions to accompany Russell And Norvig's "Artificial Intelligence - A Modern Approach" and CPSC 4383/5383 Course.

Language: Jupyter Notebook - Size: 17.2 MB - Last synced at: 22 days ago - Pushed at: almost 8 years ago - Stars: 7 - Forks: 3

CAVIND46016/Academic-Coursework

Academic coursework completed as a Computer Science Student

Language: HTML - Size: 6.42 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 0

AliMarouf97/GeneticAlgorithm

The library provides a general genetic algorithm. It is simple, easy to use, and very fast. All you need to do is to define the fitness function and its variables. There are many examples of how to deal with classic genetic algorithms problems.

Language: C++ - Size: 119 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 0

KHvic/Markov-Decision-Process-Value-Iteration-Policy-Iteration-Visualization

Computing an optimal Markov Decision Process (MDP) policy with Value Iteration and Policy Iteration

Language: Java - Size: 3.59 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 3

ShivankYadav/LunarLander-using-DQN

We apply DQN algorithm to make and artificial agent learn how to land space-craft on moon.

Language: Jupyter Notebook - Size: 13.4 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

Deep-Brainz/Universal-AI

Building Universal AI, by Advancing Tomorrow's State-of-the-art AI Developing AI, through BRAIN (Brainz Research of AI Neurons), AI Research Team under DeepBrainz AI, an AI Research and Development Division at @Deep-Brainz, "Empowering Humanity Universally!"

Size: 24.4 KB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 6 - Forks: 2

elinorwahl/pacman-search

An AI agent that plays Pac-Man using map-searching algorithms and heuristics

Language: Python - Size: 103 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 9

100rabhsah/ai-news-aggregator

An autonomous AI agent that crawls, summarizes, and publishes news articles.🚀

Language: Python - Size: 68.9 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 5 - Forks: 4

irfan-sec/ai-learning-students

Ai learning platform

Language: Python - Size: 469 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 5 - Forks: 0

woctezuma/puissance4

AI for the game "Connect Four". Available on PyPI.

Language: Python - Size: 172 KB - Last synced at: 19 days ago - Pushed at: about 2 months ago - Stars: 5 - Forks: 1

shukur-alom/sign-language-detection

it able to detect ten type USA sign language. which is Okay, Peace, Thumbs up, Thumbs down, Call me, Stop, I Love You, Hello, No, Smile.

Language: PureBasic - Size: 1.36 MB - Last synced at: 20 days ago - Pushed at: 4 months ago - Stars: 5 - Forks: 2

haustcsa/SocialSituSecu

SocialSituSecu is a project exploring the social network security, computing and intelligence basd on social situational metadata, which is sponsored by National Natural Science Foundation of China Grant No.61972133, and Project of Leading Talents in Science and Technology Innovation for Thousands of People Plan in Henan Province Grant No.204200510021.

Language: Python - Size: 87.9 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 5 - Forks: 1

neelsoumya/special_topics_unconventional_AI

Special topics class on unconventional AI

Language: Shell - Size: 136 MB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 5 - Forks: 0

Vasundhara-Boomi/Hospital-Workforce-Scheduling-System

A solution centered around AI-driven scheduling, designed to optimize staff allocation, enhance patient care, and streamline hospital operations. It integrates advanced scheduling algorithms that prioritize staff preferences, ensure designated days off, and dynamically allocate doctors, nurses, and receptionists based on demand and availability.

Language: Python - Size: 5.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 1

rezapace/ARTIFICIAL-INTELLIGENCE

This repository contains practical exercises and assignments for the Big Data Computation course at Gunadarma University, 2023. The focus is on using Python for big data computation, including matrix operations and NumPy arrays.

Language: Jupyter Notebook - Size: 3.84 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 1

dpalmasan/py-logic

Libray for dealing with logic in python

Language: Python - Size: 111 KB - Last synced at: 23 days ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

RaphHuynh/artificial-intelligence-course

This project offers an artificial intelligence course in French, along with translations into different languages. It provides a comprehensive introduction to AI, covering both symbolic AI and statistical AI.

Language: Jupyter Notebook - Size: 7.06 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 3

kyegomez/LocalSoftmax

My own implementation/experiments with a local softmax

Language: Python - Size: 216 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

SoloGameDevGitHub/AIEngine

An Artificial Intelligence Engine to be used mainly in game development. It contains a bunch of algorithms and techniques used in game development, like Neural Networks, Genetic Algorithm, A*, Minimax, MCTS and a lot more.

Language: C++ - Size: 155 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 2

mady927/Private-GPT-AI-Artificial-Intelligence

Private GPT AI Artificial Intelligence

Size: 1000 Bytes - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

ChernoBen/TrabalhoIA

Implementação do problema das n-rainhas e algoritmos de otimização.

Language: Jupyter Notebook - Size: 16.7 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

moritztim/FutureNext.ai

THIS IS SATIRE - 🤖🔮🎨🚀💻📈🚀 Unleashing a new era of innovation & creativity with AI, 3D printing & open source tech 🚀. Experience efficiency, connection & excitement like never before. Join the revolution! 💥💻

Size: 3.91 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

emirhanai/US-dry-natural-production-prediction-machine-learning.py

Dry Natural Gas Production Prediction of the United States

Language: Python - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

RoundofThree/AIMA-notes

My personal notes on Russell and Norvig Artificial Intelligence bible.

Language: Python - Size: 1.29 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

VedantKhairnar/The-Maze-Runner

AI : Use of Greedy Best First Search Traversal to find route from Source to Destination in a Random Maze

Language: HTML - Size: 47.1 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 4

nabaco/pg-ai

Our playground for learning and experimenting with artificial intelligence

Language: Jupyter Notebook - Size: 4.27 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

sharmahr/Smart-Rockets---Genetic-Algorithm

Smart Rockets - Genetic Algorithm

Language: Processing - Size: 60.5 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

elinorwahl/ai-classical-planning

A simple Python demonstration of graph search planning strategies

Language: Python - Size: 295 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 2

sourcecode369/Augmented-Random-Search-

The repository includes the Augmented Random Search algorithm implemented from scratch in Python. This AI algorithm as released on March 2018 research paper is a faster and more efficient than other reinforcement algorihtms.

Language: Python - Size: 38 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 3

pncnmnp/tic-tac-toe

A basic tic tac toe game using minimax algorithm

Language: C - Size: 29.3 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 2

mtimjones/QLearning

Reinforcement Learning / Q Learning

Language: C - Size: 14.6 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 5 - Forks: 5

gokselozgur5/jessy

AI that thinks in layers, not just tokens. Intent-based processing through 15 dimensional analysis. Anti-manipulation through understanding context. Built with Rust + Go.

Language: Rust - Size: 56.3 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 4 - Forks: 0

masoudshahrian/MachineLearning-Code

AI Machine learning Deep learning Projects with code

Language: Jupyter Notebook - Size: 5.54 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 4 - Forks: 0

aliasgharheidaricom/INFO-An-Efficient-Optimization-Algorithm-based-on-Weighted-Mean-of-Vectors

The source codes of this algorithm are also publicly available at https://aliasgharheidari.com/INFO.html. This study presents the analysis and principle of an innovative optimizer named weIghted meaN oF vectOrs (INFO) to optimize different problems.

Language: MATLAB - Size: 3.37 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

sondosaabed/Round-Table-Seating-Arrangement-Search-and-Heuristic

Round table arrangemnet solution using greedy, Astar and UCS algorithms on graph data structure.

Language: Jupyter Notebook - Size: 1.78 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

khlaifiabilel/Formation-en-Intelligence-Artificielle

Formation en Intelligence Artificielle

Language: Jupyter Notebook - Size: 931 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 2

shukur-alom/AI-ChatBot

This is AI ChatBot. I make it By AI(NLP). I know sometime it's show wrong answer because i use less data to train my model because i haven't big dataset. you can read my code and you can learn many thing. This chatbot is not bad at all. You can have fun with it in your spare time if you want.

Language: Jupyter Notebook - Size: 1010 KB - Last synced at: 20 days ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 1

git-user-cpp/neural_real_estate_appraisal_calculator

:robot: Neural real estate appraisal calculator is implemented in C programming language. The application is designed to calculate the assessment of real estate using a single neuron :robot:

Language: C - Size: 24.4 KB - Last synced at: 23 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

ShyrenMore/sem06

A compilation of codes for AI, SPCC, CSS that might be helpful for juniors

Language: C++ - Size: 2.42 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

htnminh/AI-intro-project 📦

The Penniless Pilgrim Riddle: A capstone project for Introduction to AI course in Hanoi University of Science and Technology.

Language: Python - Size: 12.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

MicroAIInc/MicroAI-Atom-RaspberryPi3

MicroAI™ is an AI engine that can operate on low power edge and endpoint devices. It can learn the pattern of any and all time series data and can be used to detect anomalies or abnormalities, make one step ahead predictions/forecasts, and calculate the remaining life of entities (whether it is industrial machinery, small devices or the like).

Language: Python - Size: 11.3 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 5

sammyamajumdar/ML_algorithms_Python

Implementation of simple Machine Learning algorithms in Python.

Language: Jupyter Notebook - Size: 216 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

AmEr-Tinsley/Checker-Machine-Learning

Language: Python - Size: 39.2 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 3

ejupialked/ai-search-algorithms

Implementation of Depth First Search, Breadth First Search, Iterative Deepening and A* for solving a puzzle game. This is part of a coursework assignment for Intelligent Systems module (COMP2208 - @ University of Southampton)

Language: Java - Size: 3.04 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

ShivankYadav/Q-Learning-on-Blackjack

Teaching an Agent to play Blackjack using Q-Learning

Language: Jupyter Notebook - Size: 8.83 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 1

sapanz/Udacity-deep-reinforcement-learning-solution

This repo will cover most of machine learning algorithms with coding examples.

Language: Jupyter Notebook - Size: 365 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 4

Bishalsarang/Missionaries-and-Cannibals-Problem

This repository contains the solution to Missionaries and Cannibal Problem using BFS and DFS search.

Language: Python - Size: 6.49 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 2

agrahajigyasu/Principal-Component-Analysis

Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

Suundumused/Weather-Forecast-AI-Example

The project scope is a weather forecasting model based on behavioral analysis of the last 33 hours (hour-by-hour forecast) with Random Forest Classifier. The program automatically saves and loads the last trained model for prediction.

Language: Python - Size: 4.37 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

tay10r/deepslope 📦

A terrain erosion algorithm made with deep learning.

Language: Python - Size: 187 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0

LionelBergen/Bizhawk-NEAT-GameSolver-ML-AI

NEAT program which learns different SNES/NES games from the Bizhawk emulator

Language: Lua - Size: 27.1 MB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 3 - Forks: 0

Haleshot/AI-ML-DL-NLP-CV

This Repository consists of programs related to AI-ML-DL-NLP-CV. Few examples include - KNN, Naive Bayes, Decision Trees, EDA etc.

Language: Jupyter Notebook - Size: 84.6 MB - Last synced at: 7 months ago - Pushed at: 12 months ago - Stars: 3 - Forks: 1

jElhamm/Overview-Gradient-Descent-Optimization-By-Sebastian-Ruder

"Simulations for the paper 'A Review Article On Gradient Descent Optimization Algorithms' by Sebastian Roeder"

Language: Jupyter Notebook - Size: 7.57 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

Bugss05/IACD_Predicting_Hepatocellular_Carcinoma_through_SML

Predicting Hepatocellular Carcinoma through Supervised Machine Learning

Language: HTML - Size: 247 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

Francy93/Convolutional_Neural_Network

AI: Convolutional Neural Network (CNN) 🧠

Language: Java - Size: 36 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

RooterDelWifi/Aurora-Singularity

Creating Auroras Mind.

Language: Processing - Size: 4.81 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

quolia/Neural_Network_Lab_WPF

Neural Networks micro laboratory on WPF.

Language: C# - Size: 23.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 1

amaynez/TicTacToe

Tic Tac Toe game, designed to be used to train a Deep Neural Network via Reinforcement Learning (DQN). It can also be played by 2 humans and features a hard coded AI that never looses and will win if you do not do perfect play against it.

Language: Python - Size: 18.2 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

AAAI-DISIM-UnivAQ/bd-procedural-env-deep-learning Fork of leonardo960/bd-procedural-env-deep-learning

Procedural Environments and Deep Q Learning

Language: Python - Size: 2.95 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

xtremista89/ANN.Net

C# implementation of standart deep neural network, with different types of neuro activation functions.

Language: C# - Size: 96.7 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

Elbig-exe/Machine-Learning-Project

Artificial intelligence model that detects intrusions in a network by analyzing TCP / IP packets by machine learning algorithms

Language: Python - Size: 1.01 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

aliciapj/xai-genz

Explainable AI & fashion talk & experiments

Language: Jupyter Notebook - Size: 55.6 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

silvermete0r/OmenFlightAI

OmenFlight AI is an open-source computer vision program for recognizing birds on video.

Language: Python - Size: 32.9 MB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 1

SameetAsadullah/Chess-Game-Agent-Using-Minimax

Developed a chess game agent using Minimax Algorithm in Python Language

Language: Python - Size: 479 KB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

Deshan555/Python-ai-assistant

On-device Speech-to-Intent engine powered by deep learning 🧠

Language: Python - Size: 10.5 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

SimranAnand1/Machine-Learning-Tasks

This repository contains various ML and DL related projects in a variety of applications of real life.

Language: Jupyter Notebook - Size: 1.89 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

ReanSchwarzer1/Self-Driving-Car-Unity

Self Driving car in Unity

Language: C# - Size: 81.6 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

exajobs/robotics-collection

A collection of awesome robotics software, libraries, Learning Tutorials, documents, books, resources and interesting stuff.

Size: 527 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1

ngutowski/algossim

This repository aims at learning most popular MAB and CMAB algorithms and watch how they run. It is interesting for those wishing to start learning these topics.

Language: Python - Size: 420 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 3

JohnPapad/Thesis

Combined AI and Web-Development Subject: "A web application with AI bot for Νine Μen's Μorris board game"

Language: Python - Size: 1.66 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 1

GitToby/genetic_algorithms

A Python library for building flexable and fully customizable genetic algorithms

Language: Python - Size: 54.7 KB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 2

brucetruth/ml-idea

Machine learning Algorithms in multiple languages

Language: PHP - Size: 37.1 KB - Last synced at: 19 days ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 3

RegaipKURT/Artificial_Intelligence_PYTHON

Artificial İntelligence Python Codes

Language: Jupyter Notebook - Size: 5.75 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

ali-ece/IPO-Inclined-Planes-system-Optimization-Algorithm

A new optimization method based on the dynamic of sliding motion along a frictionless inclined plane. In IPO, a collection of agents cooperate with each other and move toward better positions in the search space by employing Newton’s second law and equations of motion. The standard version of the IPO is presented by Mozafari et al. in 2016. Powerful improved versions of it called MIPO and SIPO along with its multi-objective version of MOIPO were presented in 2016, 2017 and 2019 by Dr. Ali Mohammadi (myself) and colleagues at the University of Birjand, respectively. This powerful algorithm has also been used in many applications, which has provided very good outputs. In the following, the standard version of the IPO algorithm along with the benchmark functions reviewed in its reference article, and its improved versions are attached.

Language: MATLAB - Size: 2.04 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

asigalov61/Quintessential-Viterbi

Full-featured Viterbi MIDI Music Augmentator

Language: Python - Size: 127 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

Moozzaart23/Astar-Algorithm

This repository contains implementation of A* algorithm on points in Google Maps

Language: Python - Size: 2.58 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

Aman9026/100DaysOfMachineLearning

#100DaysOfML Complete tutorial of ML from basics

Size: 53 MB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

Davigl/sudoku-ia

🌿🤖 artificial intelligence algorithm to solve sudoku, seaweed inspired

Language: Ruby - Size: 28.3 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

LaurentiuSimionescu/Deep-Learning-Examples

Simple ANN, CNN and RNN examples.

Language: Python - Size: 211 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 3

Tracun/Image-Classification-CNN

Image Classification using Deep Neural Networks

Language: Python - Size: 4.75 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

klokt-valg/tic-tac-toe

Tic-tac-toe game with Vue.js. Play against a computer

Language: JavaScript - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

hypnosapos/sonic-rl-remote

Sonic game by reinforcement learning

Language: Python - Size: 18.6 KB - Last synced at: 5 months ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 1

Related Topics
artificial-intelligence 482 machine-learning 187 ai 183 python 178 artificial-neural-networks 145 machine-learning-algorithms 132 deep-learning 89 python3 73 neural-network 55 deep-neural-networks 44 data-science 39 genetic-algorithm 37 machinelearning 36 neural-networks 36 java 32 minimax-algorithm 29 algorithms 27 game 26 javascript 26 tensorflow 26 cpp 26 computer-vision 26 reinforcement-learning 24 ml 20 machinelearning-python 20 search-algorithm 19 alpha-beta-pruning 19 game-development 17 python-3 16 jupyter-notebook 16 minimax 15 tic-tac-toe 15 html 15 algorithm 15 deeplearning 15 data-analysis 14 deep-learning-algorithms 14 astar-algorithm 14 numpy 14 convolutional-neural-networks 12 artificial-general-intelligence 12 keras 12 optimization-algorithms 12 evolutionary-algorithms 12 searching-algorithms 12 css 12 opencv 12 data-visualization 12 artificialintelligence 12 data-structures 12 linear-regression 11 games 11 natural-language-processing 11 reinforcement-learning-algorithms 11 cnn 11 pygame 11 image-processing 11 regression 11 nlp 11 chatbot 10 scikit-learn 10 deep-reinforcement-learning 10 heuristic-search-algorithms 10 c 10 uniform-cost-search 10 dfs 9 explainable-ai 9 fuzzy-logic 9 breadth-first-search 9 naive-bayes-classifier 9 nlp-machine-learning 9 opencv-python 9 hacktoberfest 9 classification 9 visualization 9 perceptron 8 dfs-algorithm 8 cnn-classification 8 machine-learning-library 8 graph-algorithms 8 machine-intelligence 8 q-learning 8 artificial-intelligence-projects 8 pandas 8 matplotlib 8 minimax-alpha-beta-pruning 8 datascience 8 decision-tree-classifier 8 tictactoe 8 optimization 8 machine-learning-models 8 agi 8 udacity 8 tensorflow2 8 bfs 8 algorithms-and-data-structures 7 openai 7 bfs-algorithm 7 depth-first-search 7 html5 7