Mikołaj Ryba (MichaelFish199)

MichaelFish199

Geek Repo

Location:Poland, Kielce

Github PK Tool:Github PK Tool

Mikołaj Ryba's repositories

Excel-Exercises

This repository contains a collection of vanilla Excel exercises.

TravellingSalesmanProblem-in-PolishVoivodeships

This project uses python-tsp and geopandas library to find the shortest path between district cities within chosen voivodeships in Poland, it also provides a map visualization of the solution. Script can be adapted to solve TSP problem in any region by replacing shapefiles.

Language:Jupyter NotebookStargazers:1Issues:2Issues:0

AnomalyDetection-Implementation

This repository contains an implementation of an anomaly detection algorithm using Gaussian distribution. The algorithm can be used to identify and remove anomalies from data sets.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

AntColonyOptimization-HyperparameterSearch

In this project, I use optuna library to perform a hyperparameter search for Professor Wojciech Broniowski's implementation of Ant Colony Optimization (ACO) algorithm. I use the optuna library to optimize the hyperparameters and improve the performance of the algorithm.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

BipedalWalker-ReinforcementLearning

In this project I create agent for the BipedalWalker environment using the Proximal Policy Optimization (PPO) algorithm from the stablebaselines3 library. The agent is trained to navigate the BipedalWalker environment, which is a simulated robot with two legs.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

CartPole-ReinforcementLearning

In this project, I created an agent to solve the CartPole task using the stablebaselines3 library. CartPole is a problem from the OpenAI Gym catalog, in which the goal is to maintain balance of a wooden pole using motors attached to its ends. The agent must decide whether to move the pole left or right to maintain balance.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

FlappyBird-ReinforcmentLearning

This project implements an agent for playing the FlappyBird game in a browser using the Deep Q-Network (DQN) algorithm from the stablebaselines3 library. The agent is trained to learn the optimal actions to take at each step in the game in order to maximize the score.

Language:Jupyter NotebookStargazers:0Issues:2Issues:1

GameFrozenLake-in-CSharp-with-QLearningAgent

This project is a C# implementation of the popular game "Frozen Lake" and an AI agent that can play the game using the Q-learning algorithm. The game consists of a grid of tiles, some of which are safe to walk on, while others will cause the player to receive damage.

Language:C#Stargazers:0Issues:3Issues:0

GeneticAlgorithm-HyperparameterSearch

In this project, I use optuna library to perform a hyperparameter search for Professor Wojciech Broniowski's implementation of Genetic Algorythm algorithm, as well as comparing this algorythm to AntColonyOptimization. I use the optuna library to optimize the hyperparameters and improve the performance of the algorithm.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

K-Means-Clustering-Implementation

This repository contains an implementation of the K-Means clustering algorithm in Python. K-Means is an unsupervised machine learning algorithm that finds clusters in an N-dimensional space. The implementation provided in this repository allows users to apply K-Means to their own data sets and visualize the resulting clusters.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

K-NearestNeighbors-Implementation

This is a project that implements the K-Nearest Neighbors (KNN) algorithm in Python. KNN is a machine learning algorithm used for classification or regression based on training data, and is an unsupervised learning model. This implementation allows you to train a KNN model on training data and classify new data.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

ProgrammingWithLLMs

This repository contains an engineering thesis that tests the ChatGPT-4 language model in machine learning tasks (document in Polish).

License:AGPL-3.0Stargazers:0Issues:0Issues:0

VizDoom-ReinforcementLearning

This project implements an agent for playing the VizDoom game on various levels using the Proximal Policy Optimization (PPO) algorithm from the stablebaselines3 library. The agent is trained to learn the optimal actions to take at each step in the game in order to complete the level and maximize the score.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

GausianEliminationMethod-Implementation

GausianEliminationMethod-Implementation is a project that demonstrates the implementation of the Gaussian elimination method in Python. This method is used to solve systems of linear equations and involves manipulating the equations in a specific way to eliminate variables and obtain a unique solution.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

GaussSeidelIteration-Implementation

GaussSeidelIteration-Implementation is a project that demonstrates the implementation of the Gauss-Seidel iterative numerical method in the C programming language. This method is used to solve systems of linear equations and is known for its convergence properties and efficiency.

Stargazers:0Issues:2Issues:0

Gender-Classification

In this project, I created a classifier using the sklearn library to predict the gender of an individual based on tabular data. The classifier was trained using supervised learning techniques.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

IrisDataset-Classification

This repository contains experiments on the Iris dataset using various scikit-learn classifiers. The goal of these experiments is to evaluate the performance of different classification algorithms on this widely-used dataset in order to compare their accuracy and identify the best approach for the given task.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

LinearRegression-Implementation

This repository contains implementations of linear regression using both gradient descent and linear algebra techniques. The goal of these implementations is to provide a thorough understanding of the linear regression algorithm and its various approaches to solving for the optimal model parameters.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

LunarLander-ReinforcementLearning

In this project, I created an agent using the PPO algorithm from stable baselines3 to complete a task in the LunarLander environment. The agent was trained using reinforcement learning techniques to maximize its performance in the task. The resulting model was able to achieve a high level of success in the LunarLander environment.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

MichaelFish199

Config files for my GitHub profile.

Stargazers:0Issues:2Issues:0

nn_polish

Sieci neuronowe dla początkujacych w Pythonie

Language:Jupyter NotebookStargazers:0Issues:1Issues:0

PrincipalComponentAnalysis-Implementation

This project is an implementation of Principal Component Analysis (PCA) in Python. PCA is a technique for dimensionality reduction and data visualization that aims to find the most important underlying patterns in a dataset.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

Python-Exercises

This repository contains a collection of Python exercises that I have accumulated over the months of studying this leanguage. These exercises cover various topics in the Python programming language and range in difficulty from beginner to intermediate level.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

SamplePythonClasses-ObjectOrientedProgrammingProject

SamplePythonClasses-ObjectOrientedProgrammingProject is a project that demonstrates the concepts of object-oriented programming using the Python programming language. The project covers topics such as class inheritance, polymorphism, and encapsulation, and includes examples of real-world applications of these concepts.

Language:PythonStargazers:0Issues:2Issues:0

Simplified-Data-Encryption-Standard

This repository contains a Jupyter Notebook that provides a straightforward, step-by-step implementation of the Simplified Data Encryption Standard (S-DES).

Language:Jupyter NotebookStargazers:0Issues:1Issues:0

SonicTheHedgehog2-ReinforcmentLearning

This project implements an agent for playing the SonicTheHedgehog2 game from a ROM file using the Proximal Policy Optimization (PPO) algorithm from the stablebaselines3 library. The agent is trained to learn the optimal actions to take at each step in the game in order to complete the level and maximize the score.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0
Language:Jupyter NotebookStargazers:0Issues:2Issues:0

SuperMarioBros-ReinforcementLearning

This project implements an agent for playing the SuperMarioBros game using the Proximal Policy Optimization (PPO) algorithm from the stablebaselines3 library. The agent is trained to learn the optimal actions to take at each step in the game in order to complete the level and maximize the score.

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

TXT-to-CSV_Converter

TXT-to-CSV Converter is a Python script that takes unstructured data from the clipboard and converts it into a structured CSV file. This is useful for quickly converting data from various sources into a format that can be easily analyzed and processed. The script is easy to use and can save time and effort when dealing with large amounts of data.

Language:PythonStargazers:0Issues:2Issues:0