diff --git a/agent/agent.py b/agent/agent.py index 4458139..1e673e2 100644 --- a/agent/agent.py +++ b/agent/agent.py @@ -3,9 +3,11 @@ import torch from numpy.random import default_rng -#from rl.brain import PPONet from rl.brain import ActorNetwork, CriticNetwork, PPOMemory + + class Agent: + def __init__(self, n_actions, input_dims, gamma = 0.99, alpha = 0.0003, policy_clip = 0.2, batch_size = 64, N=2048, n_epochs = 10, gae_lambda = 0.95): self.gamma = gamma @@ -27,13 +29,13 @@ class Agent: def save_models(self): print('... saving models ...') self.actor.save_checkpoint() - self.critic.save_chaeckpoint() + self.critic.save_checkpoint() print('... done ...') def load_models(self): print('... loadng models ...') self.actor.load_checkpoint() - self.critic.load_chaeckpoint() + self.critic.load_checkpoint() print('.. done ...') def choose_action(self, observation): @@ -95,40 +97,3 @@ class Agent: self.critic.optimizer.step() self.memory.clear_memory() - - - # def __init__(self, actions, inputs, player_info, reward, save_dir, checkpoint = None): - # self.inputs = inputs -# - # self.input_dim = len(inputs) + len(player_info) -# -# self.output_dim = len(actions) - - # self.reward = reward - # - # if torch.cuda.is_available(): - # self.device = "cuda" - # elif torch.backends.mps.is_available(): - # self.device = "mps" - # else: -# self.device="cpu" - - # self.net = PPONet(self.input_dim, self.output_dim) - # self.net = self.net.to(device=self.device) - # - # self.rng = default_rng() - # - # - # ## DEFINING PARAMETERS -# pass - - - #print(f"Model ready, using {self.device}") - # if checkpoint: - # print(f"chkpt at {checkpoint}") - # self.load(checkpoint) - # else: - # print('No chkpt passed') - # - # def act(self, distance_direction_to_player): -# print(distance_direction_to_player) diff --git a/agent/brain.py b/agent/brain.py index b53a4c9..a311b0d 100644 --- a/agent/brain.py +++ b/agent/brain.py @@ -17,6 +17,7 @@ class PPOMemory: self.batch_size = batch_size def generate_batches(self): + n_states = len(self.states) batch_start = np.arange(0, n_states, self.batch_size) indices = np.arange(n_states, dtype = np.int64) diff --git a/game/entities/components/_input.py b/game/entities/components/_input.py index fceb3f1..6cdbd53 100644 --- a/game/entities/components/_input.py +++ b/game/entities/components/_input.py @@ -35,8 +35,13 @@ class InputHandler: self.can_swap_magic = True self.magic_swap_time = None + # Setup Action Space + self.action = 10 + def check_input(self, speed, hitbox, obstacle_sprites, rect, player): + self.action = 10 + if not self.attacking and self.can_move: keys = pygame.key.get_pressed() @@ -50,10 +55,14 @@ class InputHandler: self.movement.direction.y = -1 self.status = 'up' self.can_move = False + self.action = 0 + elif button == 1: # keys[pygame.K_s]: self.movement.direction.y = 1 self.status = 'down' self.can_move = False + self.action = 1 + else: self.movement.direction.y = 0 @@ -61,10 +70,14 @@ class InputHandler: self.movement.direction.x = -1 self.status = 'left' self.can_move = False + self.action = 2 + elif button == 3: # keys[pygame.K_d]: self.movement.direction.x = 1 self.status = 'right' self.can_move = False + self.action = 3 + else: self.movement.direction.x = 0 @@ -77,6 +90,7 @@ class InputHandler: self.attack_time = pygame.time.get_ticks() self.combat.create_attack_sprite(player) self.combat.weapon_attack_sound.play() + self.action = 4 # Magic Input if button == 5: # keys[pygame.K_q]: @@ -93,6 +107,7 @@ class InputHandler: self.combat.magic_index]['cost'] self.combat.create_magic_sprite( player, self.combat.magic, strength, cost) + self.action = 5 # Rotating Weapons # keys[pygame.K_LSHIFT] @@ -106,6 +121,7 @@ class InputHandler: self.combat.weapon = list(weapon_data.keys())[ self.combat.weapon_index] + self.action = 6 # Swap Spells # keys[pygame.K_LCTRL] : @@ -116,6 +132,7 @@ class InputHandler: self.combat.magic_index += 1 else: self.combat.magic_index = 0 + self.action = 7 def cooldowns(self, vulnerable): current_time = pygame.time.get_ticks() diff --git a/game/entities/entity.py b/game/entities/entity.py deleted file mode 100644 index e0e8d29..0000000 --- a/game/entities/entity.py +++ /dev/null @@ -1,9 +0,0 @@ -import pygame -from math import sin -import random - - -class Entity(): - - def __init__(self, groups, position, sprite_type): - super().__init__(groups) diff --git a/game/main.py b/game/main.py index 5dcf06c..960e2a8 100644 --- a/game/main.py +++ b/game/main.py @@ -27,10 +27,22 @@ class Game: main_sound.play(loops=-1) def extract_features(self): + self.state_features = [] + self.reward_features = [] + self.action_features = [] self.features = [] + for i, player in enumerate(self.level.player_sprites): - player_features = { + player_action_features = { + "player_action": player._input.action + } + + player_reward_features = { + "player_exp": player.stats.exp + } + + player_state_features = { "player_position": player.rect.center, "player role": player.stats.role_id, "player_health": player.stats.health, @@ -38,7 +50,6 @@ class Game: "player_attack": player.stats.attack, "player_magic": player.stats.magic, "player_speed": player.stats.speed, - "player_exp": player.stats.exp, "player_vulnerable": int(player._input.combat.vulnerable), "player_can_move": int(player._input.can_move), "player_attacking": int(player._input.attacking), @@ -62,35 +73,40 @@ class Game: "enemy_direction": direction }) - player_features["enemies"] = distances_directions - self.features.append(player_features) + player_state_features["enemies"] = distances_directions + self.reward_features.append(player_reward_features) + self.state_features.append(player_state_features) + self.action_features.append(player_action_features) def convert_features_to_tensor(self): - self.tensors = [] - for player_features in self.features: + self.state_tensors = [] + self.action_tensors = [] + self.reward_tensors = [] + + for features in self.state_features: info_array = [] # Adding player features to tensor player_info = [ - player_features['player_position'][0], - player_features['player_position'][1], - player_features['player role'], - player_features['player_health'], - player_features['player_energy'], - player_features['player_attack'], - player_features['player_magic'], - player_features['player_speed'], - player_features['player_exp'], - player_features['player_vulnerable'], - player_features['player_can_move'], - player_features['player_attacking'], - player_features['player_can_rotate_weapon'], - player_features['playercan_swap_magic'], + features['player_position'][0], + features['player_position'][1], + features['player role'], + features['player_health'], + features['player_energy'], + features['player_attack'], + features['player_magic'], + features['player_speed'], + features['player_vulnerable'], + features['player_can_move'], + features['player_attacking'], + features['player_can_rotate_weapon'], + features['playercan_swap_magic'], ] info_array.extend(player_info) - for enemy in player_features['enemies']: + # Adding enemy features per player + for enemy in features['enemies']: enemy_info = [ enemy['enemy_id'], enemy['enemy_status'], @@ -106,9 +122,37 @@ class Game: ] info_array.extend(enemy_info) - player_tensor = torch.tensor( - np.array(info_array, dtype=np.float32)) - self.tensors.append(player_tensor) + state_tensor = torch.tensor( + np.array(info_array, dtype=np.float32)) + + self.state_tensors.append(state_tensor) + + + for features in self.action_features: + info_array = [] + + # Adding action features + action_info = [ + features["player_action"] + ] + + action_tensor = torch.tensor( + np.array(action_info, dtype=np.float32)) + + self.action_tensors.append(action_tensor) + + for features in self.reward_features: + info_array = [] + + # Adding reward features + reward_info = [ + features["player_exp"] + ] + + reward_tensor = torch.tensor( + np.array(reward_info, dtype=np.float32)) + + self.reward_tensors.append(reward_tensor) def run(self): @@ -133,7 +177,11 @@ class Game: if __name__ == '__main__': game = Game() - for _ in range(0, 10000): + for i in range(0, 10000): game.run() game.extract_features() game.convert_features_to_tensor() + if i == 100: + print(game.reward_tensors) + print(game.action_tensors) + print(game.state_tensors) diff --git a/old-old/Game/UI/__init__.py b/old-old/Game/UI/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old-old/Game/UI/ui.py b/old-old/Game/UI/ui.py deleted file mode 100644 index 24c2fab..0000000 --- a/old-old/Game/UI/ui.py +++ /dev/null @@ -1,100 +0,0 @@ -import pygame -from utils.settings import * - -class UI: - def __init__(self): - - # General info - self.display_surface = pygame.display.get_surface() - self.font = pygame.font.Font(UI_FONT, UI_FONT_SIZE) - - # Bar setup - self.health_bar_rect = pygame.Rect(10, 10, HEALTH_BAR_WIDTH, BAR_HEIGHT) - self.energy_bar_rect = pygame.Rect(10, 34, ENERGY_BAR_WIDTH, BAR_HEIGHT) - - # Convert weapon dictionary - self.weapon_graphics = [] - for weapon in weapon_data.values(): - path = weapon['graphic'] - weapon = pygame.image.load(path).convert_alpha() - self.weapon_graphics.append(weapon) - - # Convert weapon dictionary - self.magic_graphics = [] - for spell in magic_data.values(): - path = spell['graphic'] - spell = pygame.image.load(path).convert_alpha() - self.magic_graphics.append(spell) - - - def show_bar(self, current_amount, max_amount, bg_rect, color): - - # Draw background - pygame.draw.rect(self.display_surface, UI_BG_COLOR, bg_rect) - - # Convert stat amount to pixels - ratio = current_amount / max_amount - current_width = bg_rect.width * ratio - current_rect = bg_rect.copy() - current_rect.width = current_width - - # Draw stat bar - pygame.draw.rect(self.display_surface, color, current_rect) - pygame.draw.rect(self.display_surface, UI_BORDER_COLOR, bg_rect, 4) - - def show_exp(self, exp): - if exp >= 0: - text_surf = self.font.render(f"EXP: {str(int(exp))}", False, TEXT_COLOR) - x = self.display_surface.get_size()[0] - 20 - y = self.display_surface.get_size()[1] - 20 - text_rect = text_surf.get_rect(bottomright = (x,y)) - - pygame.draw.rect(self.display_surface, UI_BG_COLOR, text_rect.inflate(10, 10)) - self.display_surface.blit(text_surf, text_rect) - pygame.draw.rect(self.display_surface, UI_BORDER_COLOR, text_rect.inflate(10, 10), 4) - else: - text_surf = self.font.render(f"OBSERVER", False, TEXT_COLOR) - x = self.display_surface.get_size()[0] - 20 - y = self.display_surface.get_size()[1] - 20 - text_rect = text_surf.get_rect(bottomright = (x,y)) - - pygame.draw.rect(self.display_surface, UI_BG_COLOR, text_rect.inflate(10, 10)) - self.display_surface.blit(text_surf, text_rect) - pygame.draw.rect(self.display_surface, UI_BORDER_COLOR, text_rect.inflate(10, 10), 4) - - - def selection_box(self, left, top, has_rotated): - bg_rect = pygame.Rect(left, top, ITEM_BOX_SIZE, ITEM_BOX_SIZE) - pygame.draw.rect(self.display_surface, UI_BG_COLOR, bg_rect) - if not has_rotated: - pygame.draw.rect(self.display_surface, UI_BORDER_COLOR_ACTIVE, bg_rect, 4) - else: - pygame.draw.rect(self.display_surface, UI_BORDER_COLOR, bg_rect, 4) - return bg_rect - - def weapon_overlay(self, weapon_index, has_rotated): - bg_rect = self.selection_box(10, 630, has_rotated) - weapon_surf = self.weapon_graphics[weapon_index] - weapon_rect = weapon_surf.get_rect(center = bg_rect.center) - - self.display_surface.blit(weapon_surf, weapon_rect) - - def magic_overlay(self, magic_index, has_swaped): - bg_rect = self.selection_box(100, 630, has_swaped) - magic_surf = self.magic_graphics[magic_index] - magic_rect = magic_surf.get_rect(center = bg_rect.center) - - self.display_surface.blit(magic_surf, magic_rect) - - def display(self, player): - - if player.sprite_type == 'player': - self.show_bar(player.health, player.stats['health'], self.health_bar_rect, HEALTH_COLOR) - self.show_bar(player.energy, player.stats['energy'], self.energy_bar_rect, ENERGY_COLOR) - self.show_exp(player.exp) - self.weapon_overlay(player.weapon_index, player.can_rotate_weapon) - self.magic_overlay(player.magic_index, player.can_swap_magic) - - if player.sprite_type == 'camera': - self.show_exp(player.exp) - diff --git a/old-old/Game/effects/__init__.py b/old-old/Game/effects/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old-old/Game/effects/magic.py b/old-old/Game/effects/magic.py deleted file mode 100644 index 2b19cb8..0000000 --- a/old-old/Game/effects/magic.py +++ /dev/null @@ -1,49 +0,0 @@ -import pygame -from utils.settings import * -from random import randint - -class MagicPlayer: - def __init__(self, animation_player): - self.animation_player = animation_player - - # Sound Setup - self.sounds = { - 'heal': pygame.mixer.Sound('../Graphics/audio/heal.wav'), - 'flame': pygame.mixer.Sound('../Graphics/audio/flame.wav') - } - - def heal(self, player, strength, cost, groups): - if player.energy >= cost: - self.sounds['heal'].play() - player.health += strength - player.energy -= cost - if player.health >= player.stats['health']: - player.health = player.stats['health'] - self.animation_player.generate_particles('aura', player.rect.center, groups) - self.animation_player.generate_particles('heal', player.rect.center + pygame.math.Vector2(0, -50), groups) - - def flame(self, player, cost, groups): - if player.energy >= cost: - player.energy -= cost - self.sounds['flame'].play() - - if player.status.split('_')[0] == 'right': - direction = pygame.math.Vector2(1,0) - elif player.status.split('_')[0] == 'left': - direction = pygame.math.Vector2(-1,0) - elif player.status.split('_')[0] == 'up': - direction = pygame.math.Vector2(0,-1) - else: - direction = pygame.math.Vector2(0,1) - - for i in range(1, 6): - if direction.x: - offset_x = direction.x * i * TILESIZE - x = player.rect.centerx + offset_x + randint(-TILESIZE // 3, TILESIZE //3) - y = player.rect.centery + randint(-TILESIZE // 3, TILESIZE //3) - self.animation_player.generate_particles('flame', (x,y), groups) - else: - offset_y = direction.y * i * TILESIZE - x = player.rect.centerx + randint(-TILESIZE // 3, TILESIZE //3) - y = player.rect.centery + offset_y + randint(-TILESIZE // 3, TILESIZE //3) - self.animation_player.generate_particles('flame', (x,y), groups) diff --git a/old-old/Game/effects/particles.py b/old-old/Game/effects/particles.py deleted file mode 100644 index d33b318..0000000 --- a/old-old/Game/effects/particles.py +++ /dev/null @@ -1,76 +0,0 @@ -import pygame -from utils.support import import_folder -from random import choice - -class AnimationPlayer: - def __init__(self): - self.frames = { - # magic - 'flame': import_folder('../Graphics/graphics/particles/flame/frames'), - 'aura': import_folder('../Graphics/graphics/particles/aura'), - 'heal': import_folder('../Graphics/graphics/particles/heal/frames'), - - # attacks - 'claw': import_folder('../Graphics/graphics/particles/claw'), - 'slash': import_folder('../Graphics/graphics/particles/slash'), - 'sparkle': import_folder('../Graphics/graphics/particles/sparkle'), - 'leaf_attack': import_folder('../Graphics/graphics/particles/leaf_attack'), - 'thunder': import_folder('../Graphics/graphics/particles/thunder'), - - # monster deaths - 'squid': import_folder('../Graphics/graphics/particles/smoke_orange'), - 'raccoon': import_folder('../Graphics/graphics/particles/raccoon'), - 'spirit': import_folder('../Graphics/graphics/particles/nova'), - 'bamboo': import_folder('../Graphics/graphics/particles/bamboo'), - - # leafs - 'leaf': ( - import_folder('../Graphics/graphics/particles/leaf1'), - import_folder('../Graphics/graphics/particles/leaf2'), - import_folder('../Graphics/graphics/particles/leaf3'), - import_folder('../Graphics/graphics/particles/leaf4'), - import_folder('../Graphics/graphics/particles/leaf5'), - import_folder('../Graphics/graphics/particles/leaf6'), - self.reflect_images(import_folder('../Graphics/graphics/particles/leaf1')), - self.reflect_images(import_folder('../Graphics/graphics/particles/leaf2')), - self.reflect_images(import_folder('../Graphics/graphics/particles/leaf3')), - self.reflect_images(import_folder('../Graphics/graphics/particles/leaf4')), - self.reflect_images(import_folder('../Graphics/graphics/particles/leaf5')), - self.reflect_images(import_folder('../Graphics/graphics/particles/leaf6')) - ) - } - - def reflect_images(self, frames): - new_frames = [] - for frame in frames: - flipped_frame = pygame.transform.flip(frame, True, False) - new_frames.append(flipped_frame) - return new_frames - - def create_grass_particles(self, position, groups): - animation_frames = choice(self.frames['leaf']) - ParticleEffect(position, animation_frames,groups) - - def generate_particles(self, animation_type, position, groups): - animation_frames = self.frames[animation_type] - ParticleEffect(position, animation_frames, groups) - -class ParticleEffect(pygame.sprite.Sprite): - def __init__(self, position, animation_frames, groups): - super().__init__(groups) - self.frame_index = 0 - self.animation_speed = 0.15 - self.frames = animation_frames - self.image = self.frames[self.frame_index] - self.rect = self.image.get_rect(center = position) - self.sprite_type = 'magic' - - def animate(self): - self.frame_index += self.animation_speed - if self.frame_index >= len(self.frames): - self.kill() - else: - self.image = self.frames[int(self.frame_index)] - - def update(self): - self.animate() diff --git a/old-old/Game/effects/weapon.py b/old-old/Game/effects/weapon.py deleted file mode 100644 index 466b561..0000000 --- a/old-old/Game/effects/weapon.py +++ /dev/null @@ -1,23 +0,0 @@ -import pygame - -class Weapon(pygame.sprite.Sprite): - - def __init__(self, player, groups): - super().__init__(groups) - - self.sprite_type = 'weapon' - direction = player.status.split('_')[0] - - # Graphic - full_path = f"../Graphics/weapons/{player.weapon}/{direction}.png" - self.image = pygame.image.load(full_path).convert_alpha() - - # Sprite Placement - if direction == 'right': - self.rect = self.image.get_rect(midleft = player.rect.midright + pygame.math.Vector2(0, 16)) - elif direction == 'left': - self.rect = self.image.get_rect(midright = player.rect.midleft + pygame.math.Vector2(0, 16)) - elif direction == 'down': - self.rect = self.image.get_rect(midtop = player.rect.midbottom + pygame.math.Vector2(-10, 0)) - else: - self.rect = self.image.get_rect(midbottom = player.rect.midtop + pygame.math.Vector2(-10, 0)) diff --git a/old-old/Game/entities/__init__.py b/old-old/Game/entities/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old-old/Game/level.py b/old-old/Game/level.py deleted file mode 100644 index 3c137f5..0000000 --- a/old-old/Game/level.py +++ /dev/null @@ -1,122 +0,0 @@ -import pygame -from random import choice, randint - -from utils.settings import * -from utils.debug import debug -from utils.support import * - -from UI.ui import UI - -from effects.particles import AnimationPlayer -from effects.magic import MagicPlayer -from effects.weapon import Weapon - -from terrain.tiles import Tile - -from view.observer import Observer -from view.camera import Camera - - -class Level: - - def __init__(self): - - # General Settings - self.game_paused = False - - # Get display surface - self.display_surface = pygame.display.get_surface() - - # Sprite Group setup - self.visible_sprites = Camera() - self.obstacle_sprites = pygame.sprite.Group() - self.attack_sprites = pygame.sprite.Group() - self.attackable_sprites = pygame.sprite.Group() - - # Sprite setup and entity generation - self.create_map() - - # UI setup - self.ui = UI() - - def create_map(self): - layouts = { - 'boundary': import_csv_layout('../Map/FloorBlocks.csv'), - 'grass': import_csv_layout('../Map/Grass.csv'), - 'objects': import_csv_layout('../Map/Objects.csv'), - 'entities': import_csv_layout('../Map/Entities.csv') - } - - graphics = { - 'grass': import_folder('../Graphics/grass'), - 'objects': import_folder('../Graphics/objects') - } - - for style, layout in layouts.items(): - for row_index, row in enumerate(layout): - for col_index, col in enumerate(row): - if col != '-1': - x = col_index * TILESIZE - y = row_index * TILESIZE - if style == 'boundary': - Tile((x, y), [self.obstacle_sprites], 'invisible') - - if style == 'grass': - random_grass_image = choice(graphics['grass']) - Tile((x, y), [self.visible_sprites, self.obstacle_sprites, - self.attackable_sprites], 'grass', random_grass_image) - - if style == 'objects': - surf = graphics['objects'][int(col)] - Tile((x, y), [self.visible_sprites, - self.obstacle_sprites], 'object', surf) - - if style == 'entities': - # The numbers represent their IDs in the map .csv files generated from TILED. - if col == '395': - self.observer = Observer( - (x, y), [self.visible_sprites]) - - elif col == '394': - pass - # player generation - - else: - pass - # monster generation - - def create_attack_sprite(self): - self.current_attack = Weapon( - self.player, [self.visible_sprites, self.attack_sprites]) - - def delete_attack_sprite(self): - if self.current_attack: - self.current_attack.kill() - self.current_attack = None - - def create_magic_sprite(self, style, strength, cost): - if style == 'heal': - self.magic_player.heal(self.player, strength, cost, [ - self.visible_sprites]) - - if style == 'flame': - self.magic_player.flame( - self.player, cost, [self.visible_sprites, self.attack_sprites]) - - def run(self): - # Draw the game - self.visible_sprites.custom_draw(self.observer) - self.ui.display(self.observer) - if self.game_paused: - if self.visible_sprites.sprite_type == 'player': - self.upgrade.display() - pass - else: - # Update the game - self.player.distance_direction_to_player = self.get_state() - self.visible_sprites.update() - self.visible_sprites.enemy_update(self.player) - self.player_attack_logic() - - if self.player.health <= 0: - self.__init__() diff --git a/old-old/Game/main.py b/old-old/Game/main.py deleted file mode 100644 index 3487415..0000000 --- a/old-old/Game/main.py +++ /dev/null @@ -1,46 +0,0 @@ -import pygame -import sys - -from utils.settings import * -from utils.debug import debug - -from level import Level - - -class Game: - - def __init__(self): - - pygame.init() - - self.screen = pygame.display.set_mode((WIDTH, HEIGHT)) - pygame.display.set_caption('Pneuma') - self.clock = pygame.time.Clock() - - self.level = Level() - - # # Sound - # main_sound = pygame.mixer.Sound('../Graphics/audio/main.ogg') - # main_sound.set_volume(0.4) - # main_sound.play(loops = -1) - def run(self): - - for event in pygame.event.get(): - if event.type == pygame.QUIT: - pygame.quit() - sys.exit() - if event.type == pygame.KEYDOWN: - if event.key == pygame.K_m: - self.level.toggle_menu() - - self.screen.fill(WATER_COLOR) - self.level.run() - pygame.display.update() - self.clock.tick(FPS) - - -if __name__ == '__main__': - - game = Game() - while True: - game.run() diff --git a/old-old/Game/params/__init__.py b/old-old/Game/params/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old-old/Game/params/rl.py b/old-old/Game/params/rl.py deleted file mode 100644 index aca1cfd..0000000 --- a/old-old/Game/params/rl.py +++ /dev/null @@ -1,6 +0,0 @@ -# AI setup -N = 20 -batch_size = 5 -n_epochs = 4 -alpha = 0.0003 - diff --git a/old-old/Game/rl/__init__.py b/old-old/Game/rl/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old-old/Game/terrain/__init__.py b/old-old/Game/terrain/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old-old/Game/terrain/tiles.py b/old-old/Game/terrain/tiles.py deleted file mode 100644 index 782ffae..0000000 --- a/old-old/Game/terrain/tiles.py +++ /dev/null @@ -1,17 +0,0 @@ -import pygame - -from utils.settings import * - -class Tile(pygame.sprite.Sprite): - - def __init__(self, position, groups, sprite_type, surface = pygame.Surface((TILESIZE, TILESIZE))): - super().__init__(groups) - - self.sprite_type = sprite_type - self.image = surface - if sprite_type == 'object': - # Offset - self.rect = self.image.get_rect(topleft = (position[0], position[1] - TILESIZE)) - else: - self.rect = self.image.get_rect(topleft = position) - self.hitbox = self.rect.inflate(HITBOX_OFFSET[sprite_type]) diff --git a/old-old/Game/utils/__init__.py b/old-old/Game/utils/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old-old/Game/utils/debug.py b/old-old/Game/utils/debug.py deleted file mode 100644 index 1233989..0000000 --- a/old-old/Game/utils/debug.py +++ /dev/null @@ -1,12 +0,0 @@ -import pygame - -pygame.init() - -font = pygame.font.Font(None,30) - -def debug(info, y =10, x = 10): - display_surface = pygame.display.get_surface() - debug_surf = font.render(str(info), True, 'White') - debug_rect = debug_surf.get_rect(topleft = (x,y)) - pygame.draw.rect(display_surface, 'Black', debug_rect) - display_surface.blit(debug_surf, debug_rect) diff --git a/old-old/Game/utils/settings.py b/old-old/Game/utils/settings.py deleted file mode 100644 index d572d55..0000000 --- a/old-old/Game/utils/settings.py +++ /dev/null @@ -1,57 +0,0 @@ -# game setup -WIDTH = 1280 -HEIGHT = 720 -FPS = 60 -TILESIZE = 64 -HITBOX_OFFSET = { - 'player': (-6, -26), - 'camera': (-50, -50), - 'object': (0, -40), - 'grass': (0, -10), - 'invisible': (0, 0) - } - -# ui -BAR_HEIGHT = 20 -HEALTH_BAR_WIDTH = 200 -ENERGY_BAR_WIDTH = 140 -ITEM_BOX_SIZE = 80 -UI_FONT = '../Graphics/font/joystix.ttf' -UI_FONT_SIZE = 18 - -# general colors -WATER_COLOR = '#71ddee' -UI_BG_COLOR = '#222222' -UI_BORDER_COLOR = '#111111' -TEXT_COLOR = '#EEEEEE' - -# ui colors -HEALTH_COLOR = 'red' -ENERGY_COLOR = 'blue' -UI_BORDER_COLOR_ACTIVE = 'gold' - -# Upgrade menu -TEXT_COLOR_SELECTED = '#111111' -BAR_COLOR = '#EEEEEE' -BAR_COLOR_SELECTED = '#111111' -UPGRADE_BG_COLOR_SELECTED = '#EEEEEE' - -# weapons -weapon_data = { - 'sword': {'cooldown': 100, 'damage': 15,'graphic':'../Graphics/weapons/sword/full.png'}, - 'lance': {'cooldown': 400, 'damage': 30,'graphic':'../Graphics/weapons/lance/full.png'}, - 'axe': {'cooldown': 300, 'damage': 20, 'graphic':'../Graphics/weapons/axe/full.png'}, - 'rapier':{'cooldown': 50, 'damage': 8, 'graphic':'../Graphics/weapons/rapier/full.png'}, - 'sai':{'cooldown': 80, 'damage': 10, 'graphic':'../Graphics/weapons/sai/full.png'}} - -# magic -magic_data = { - 'flame': {'strength': 5,'cost': 20,'graphic':'../Graphics/particles/flame/fire.png'}, - 'heal' : {'strength': 20,'cost': 10,'graphic':'../Graphics/particles/heal/heal.png'}} - -# enemy -monster_data = { - 'squid': {'health': 100,'exp':100,'damage':20,'attack_type': 'slash', 'attack_sound':'../Graphics/audio/attack/slash.wav', 'speed': 3, 'resistance': 3, 'attack_radius': 80, 'notice_radius': 360}, - 'raccoon': {'health': 300,'exp':250,'damage':40,'attack_type': 'claw', 'attack_sound':'../Graphics/audio/attack/claw.wav','speed': 2, 'resistance': 3, 'attack_radius': 120, 'notice_radius': 400}, - 'spirit': {'health': 100,'exp':110,'damage':8,'attack_type': 'thunder', 'attack_sound':'../Graphics/audio/attack/fireball.wav', 'speed': 4, 'resistance': 3, 'attack_radius': 60, 'notice_radius': 350}, - 'bamboo': {'health': 70,'exp':120,'damage':6,'attack_type': 'leaf_attack', 'attack_sound':'../Graphics/audio/attack/slash.wav', 'speed': 3, 'resistance': 3, 'attack_radius': 50, 'notice_radius': 300}} diff --git a/old-old/Game/utils/support.py b/old-old/Game/utils/support.py deleted file mode 100644 index e52f2bc..0000000 --- a/old-old/Game/utils/support.py +++ /dev/null @@ -1,21 +0,0 @@ -import pygame -from csv import reader -from os import walk - -def import_csv_layout(path): - terrain_map = [] - with open(path) as level_map: - layout = reader(level_map, delimiter = ',') - for row in layout: - terrain_map.append(list(row)) - return terrain_map - -def import_folder(path): - surface_list = [] - - for _, __, img_files in walk(path): - for image in img_files: - full_path = f"{path}/{image}" - image_surf = pygame.image.load(full_path).convert_alpha() - surface_list.append(image_surf) - return surface_list diff --git a/old-old/Game/view/__init__.py b/old-old/Game/view/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old-old/Game/view/camera.py b/old-old/Game/view/camera.py deleted file mode 100644 index 795f07e..0000000 --- a/old-old/Game/view/camera.py +++ /dev/null @@ -1,35 +0,0 @@ -import pygame - -class Camera(pygame.sprite.Group): - - def __init__(self): - super().__init__() - - # General Setup - self.display_surface = pygame.display.get_surface() - self.half_width = self.display_surface.get_size()[0] // 2 - self.half_height = self.display_surface.get_size()[1] // 2 - self.offset = pygame.math.Vector2(100, 200) - - # Creating the floor - self.floor_surf = pygame.image.load('../Graphics/tilemap/ground.png').convert() - self.floor_rect = self.floor_surf.get_rect(topleft = (0,0)) - - def custom_draw(self, player): - self.sprite_type = player.sprite_type - #Getting the offset - self.offset.x = player.rect.centerx - self.half_width - self.offset.y = player.rect.centery - self.half_height - - # Drawing the floor - floor_offset_pos = self.floor_rect.topleft - self.offset - self.display_surface.blit(self.floor_surf, floor_offset_pos) - - for sprite in sorted(self.sprites(), key = lambda sprite: sprite.rect.centery): - offset_pos = sprite.rect.topleft - self.offset - self.display_surface.blit(sprite.image, offset_pos) - - def enemy_update(self, player): - enemy_sprites = [sprite for sprite in self.sprites() if hasattr(sprite, 'sprite_type') and sprite.sprite_type == 'enemy'] - for enemy in enemy_sprites: - enemy.enemy_update(player) diff --git a/old-old/Game/view/observer.py b/old-old/Game/view/observer.py deleted file mode 100644 index 3d96c7f..0000000 --- a/old-old/Game/view/observer.py +++ /dev/null @@ -1,61 +0,0 @@ -import pygame -import random - -from utils.settings import * -from utils.support import import_folder - -class Observer(pygame.sprite.Sprite): - - def __init__(self, position, groups): - super().__init__(groups) - - self.sprite_type = 'camera' - - self.image = pygame.image.load('../Graphics/observer.png').convert_alpha() - self.rect = self.image.get_rect(topleft = position) - self.hitbox = self.rect.inflate(HITBOX_OFFSET[self.sprite_type]) - - # Stats - self.exp = -1 # This prints OBSERVER in the UI - self.speed = 10 # Speed for moving around - - #Movement - self.direction = pygame.math.Vector2() - - def input(self): - keys = pygame.key.get_pressed() - - # Movement Input - if keys[pygame.K_w]: - self.direction.y = -1 - self.status = 'up' - self.can_move = False - elif keys[pygame.K_s]: - self.direction.y = 1 - self.status = 'down' - self.can_move = False - else: - self.direction.y = 0 - - if keys[pygame.K_a]: - self.direction.x = -1 - self.status = 'left' - self.can_move = False - elif keys[pygame.K_d]: - self.direction.x = 1 - self.status = 'right' - self.can_move = False - else: - self.direction.x = 0 - - def move(self, speed): - if self.direction.magnitude() != 0: - self.direction = self.direction.normalize() - self.hitbox.x += self.direction.x * speed - self.hitbox.y += self.direction.y * speed - self.rect.center = self.hitbox.center - - - def update(self): - self.input() - self.move(self.speed) diff --git a/old/Game/__init__.py b/old/Game/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old/Game/main.py b/old/Game/main.py deleted file mode 100644 index 293e4f4..0000000 --- a/old/Game/main.py +++ /dev/null @@ -1,50 +0,0 @@ -import pygame -import sys -import os - -from utils.settings import * -from utils.debug import debug - -from objects.level import Level - - - -class Game: - - def __init__(self): - - pygame.init() - - self.screen = pygame.display.set_mode( - (WIDTH, HEIGHT)) - pygame.display.set_caption('Pneuma') - self.clock = pygame.time.Clock() - - self.level = Level() - - # Sound - main_sound = pygame.mixer.Sound('../Graphics/audio/main.ogg') - main_sound.set_volume(0.4) - main_sound.play(loops=-1) - - def run(self): - - for event in pygame.event.get(): - if event.type == pygame.QUIT: - pygame.quit() - sys.exit() - if event.type == pygame.KEYDOWN: - if event.key == pygame.K_m: - self.level.toggle_menu() - - self.screen.fill(WATER_COLOR) - self.level.run() - pygame.display.update() - self.clock.tick(FPS) - - -if __name__ == '__main__': - - game = Game() - while True: - game.run() diff --git a/old/Game/objects/__init__.py b/old/Game/objects/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/old/Game/objects/camera.py b/old/Game/objects/camera.py deleted file mode 100644 index 1c3a658..0000000 --- a/old/Game/objects/camera.py +++ /dev/null @@ -1,62 +0,0 @@ -import pygame -import random - -from utils.settings import * -from utils.support import import_folder - - -class Camera(pygame.sprite.Sprite): - - def __init__(self, position, groups): - super().__init__(groups) - - self.sprite_type = 'camera' - - self.image = pygame.image.load( - '../Graphics/graphics/camera.png').convert_alpha() - self.rect = self.image.get_rect(topleft=position) - self.hitbox = self.rect.inflate(HITBOX_OFFSET[self.sprite_type]) - - # Stats - self.exp = -1 # This prints OBSERVER in the UI - self.speed = 10 # Speed for moving around - - # Movement - self.direction = pygame.math.Vector2() - - def input(self): - keys = pygame.key.get_pressed() - - # Movement Input - if keys[pygame.K_w]: - self.direction.y = -1 - self.status = 'up' - self.can_move = False - elif keys[pygame.K_s]: - self.direction.y = 1 - self.status = 'down' - self.can_move = False - else: - self.direction.y = 0 - - if keys[pygame.K_a]: - self.direction.x = -1 - self.status = 'left' - self.can_move = False - elif keys[pygame.K_d]: - self.direction.x = 1 - self.status = 'right' - self.can_move = False - else: - self.direction.x = 0 - - def move(self, speed): - if self.direction.magnitude() != 0: - self.direction = self.direction.normalize() - self.hitbox.x += self.direction.x * speed - self.hitbox.y += self.direction.y * speed - self.rect.center = self.hitbox.center - - def update(self): - self.input() - self.move(self.speed) diff --git a/old/Game/objects/enemy.py b/old/Game/objects/enemy.py deleted file mode 100644 index e29aebc..0000000 --- a/old/Game/objects/enemy.py +++ /dev/null @@ -1,162 +0,0 @@ -import pygame - -from utils.settings import * -from utils.support import import_folder - -from objects.entity import Entity - - -class Enemy(Entity): - - def __init__(self, monster_name, position, groups, obstacle_sprites, damage_player, trigger_death_particles, add_exp, is_AI, state): - super().__init__(groups, is_AI, state) - - # General setup - self.sprite_type = 'enemy' - - # Graphics setup - self.import_graphics(monster_name) - self.status = 'idle' - self.image = self.animations[self.status][self.frame_index] - - # Movement - self.rect = self.image.get_rect(topleft=position) - self.hitbox = self.rect.inflate(0, -10) - - # Stats - self.monster_name = monster_name - monster_info = monster_data[self.monster_name] - self.health = monster_info['health'] - self.exp = monster_info['exp'] - self.speed = monster_info['speed'] - self.attack_damage = monster_info['damage'] - self.resistance = monster_info['resistance'] - self.attack_radius = monster_info['attack_radius'] - self.notice_radius = monster_info['notice_radius'] - self.attack_type = monster_info['attack_type'] - - # Sounds - self.attack_sound = pygame.mixer.Sound(monster_info['attack_sound']) - self.death_sound = pygame.mixer.Sound('../Graphics/audio/death.wav') - self.hit_sound = pygame.mixer.Sound('../Graphics/audio/hit.wav') - self.death_sound.set_volume(0.2) - self.hit_sound.set_volume(0.2) - self.attack_sound.set_volume(0.2) - - # Player Interaction - self.can_attack = True - self.attack_time = None - self.attack_cooldown = 400 - self.damage_player = damage_player - self.trigger_death_particles = trigger_death_particles - self.add_exp = add_exp - - # Invincibility times - self.vulnerable = True - self.hit_time = None - self.invincibility_duration = 300 - - self.obstacle_sprites = obstacle_sprites - - def import_graphics(self, name): - self.animations = {'idle': [], 'move': [], 'attack': []} - main_path = f"../Graphics/graphics/monsters/{name}" - for animation in self.animations.keys(): - self.animations[animation] = import_folder( - f"{main_path}/{animation}") - - def get_player_distance_direction(self, player): - enemy_vector = pygame.math.Vector2(self.rect.center) - player_vector = pygame.math.Vector2(player.rect.center) - - distance = (player_vector - enemy_vector).magnitude() - if distance > 0: - direction = (player_vector - enemy_vector).normalize() - else: - direction = pygame.math.Vector2() - - return (distance, direction) - - def get_status(self, player): - distance = self.get_player_distance_direction(player)[0] - - if distance <= self.attack_radius and self.can_attack: - if self.status != 'attack': - self.frame_index = 0 - self.status = 'attack' - elif distance <= self.notice_radius: - self.status = 'move' - else: - self.status = 'idle' - - def actions(self, player): - if self.status == 'attack': - self.attack_sound.play() - self.attack_time = pygame.time.get_ticks() - self.damage_player(self.attack_damage, self.attack_type) - elif self.status == 'move': - self.direction = self.get_player_distance_direction(player)[1] - else: - self.direction = pygame.math.Vector2() - - def animate(self): - animation = self.animations[self.status] - - self.frame_index += self.animation_speed - if self.frame_index >= len(animation): - if self.status == 'attack': - self.can_attack = False - self.frame_index = 0 - - self.image = animation[int(self.frame_index)] - self.rect = self.image.get_rect(center=self.hitbox.center) - - if not self.vulnerable: - alpha = self.wave_value() - self.image.set_alpha(alpha) - else: - self.image.set_alpha(255) - - def cooldowns(self): - current_time = pygame.time.get_ticks() - - if not self.can_attack: - if current_time - self.attack_time >= self.attack_cooldown: - self.can_attack = True - - if not self.vulnerable: - if current_time - self.hit_time >= self.invincibility_duration: - self.vulnerable = True - - def get_damage(self, player, attack_type): - if self.vulnerable: - self.hit_sound.play() - self.direction = self.get_player_distance_direction(player)[1] - if attack_type == 'weapon': - self.health -= player.get_full_weapon_damage() - else: - self.health -= player.get_full_magic_damage() - self.hit_time = pygame.time.get_ticks() - self.vulnerable = False - - def check_death(self): - if self.health <= 0: - self.trigger_death_particles(self.rect.center, self.monster_name) - self.add_exp(self.exp) - self.death_sound.play() - self.kill() - - def hit_reaction(self): - if not self.vulnerable: - self.direction *= -self.resistance - - def update(self): - self.hit_reaction() - self.move(self.speed) - self.animate() - self.cooldowns() - self.check_death() - - def enemy_update(self, player): - self.get_status(player) - self.actions(player) diff --git a/old/Game/objects/entity.py b/old/Game/objects/entity.py deleted file mode 100644 index 6091191..0000000 --- a/old/Game/objects/entity.py +++ /dev/null @@ -1,147 +0,0 @@ -import pygame -from math import sin -import random - -from utils.settings import * - - -class Entity(pygame.sprite.Sprite): - def __init__(self, groups, is_AI, state=None): - super().__init__(groups) - - # Animation - self.frame_index = 0 - self.animation_speed = 0.15 - - # Movement - self.direction = pygame.math.Vector2() - self.move_cooldown = 150 - self.can_move = True - self.move_time = None - - # AI Setup - if is_AI: - self.possible_actions = { - 0: ('up', -1, 0), - 1: ('down', 1, 0), - 2: ('left', 0, -1), - 3: ('right', 0, 1), - 4: ('attack', None, None), - 5: ('magic', None, None), - 6: ('rotate_weapon', None, None), - 7: ('swap_magic', None, None) - } - self.state = state - self.distance_direction_to_player = [ - float('inf'), 0, 0, None, None, None, None, None, None, None, None, None]*5 - - # self.agent = Agent(self.possible_actions, self.distance_direction_to_player, self.stats, self.exp, None, None) - - def move(self, speed): - if self.direction.magnitude() != 0: - self.direction = self.direction.normalize() - - self.hitbox.x += self.direction.x * speed - self.collision('horizontal') - self.hitbox.y += self.direction.y * speed - self.collision('vertical') - self.rect.center = self.hitbox.center - - def collision(self, direction): - if direction == 'horizontal': - for sprite in self.obstacle_sprites: - # The following works for static obstacles only - if sprite.hitbox.colliderect(self.hitbox): - # Moving Right - if self.direction.x > 0: - self.hitbox.right = sprite.hitbox.left - # Moving Left - if self.direction.x < 0: - self.hitbox.left = sprite.hitbox.right - - if direction == 'vertical': - for sprite in self.obstacle_sprites: - # The following works for static obstacles only - if sprite.hitbox.colliderect(self.hitbox): - # Moving Down - if self.direction.y > 0: - self.hitbox.bottom = sprite.hitbox.top - # Moving Up - if self.direction.y < 0: - self.hitbox.top = sprite.hitbox.bottom - - def input(self): - if not self.attacking and self.can_move: - keys = pygame.key.get_pressed() - button = random.randint(0, 5) - - self.move_time = pygame.time.get_ticks() - - # Movement Input - if button == 0: # keys[pygame.K_w]: - self.direction.y = -1 - self.status = 'up' - self.can_move = False - elif button == 1: # keys[pygame.K_s]: - self.direction.y = 1 - self.status = 'down' - self.can_move = False - else: - self.direction.y = 0 - - if button == 2: # keys[pygame.K_a]: - self.direction.x = -1 - self.status = 'left' - self.can_move = False - elif button == 3: # keys[pygame.K_d]: - self.direction.x = 1 - self.status = 'right' - self.can_move = False - else: - self.direction.x = 0 - - # Combat Input - if button == 4: # keys[pygame.K_e]: - self.attacking = True - self.attack_time = pygame.time.get_ticks() - self.create_attack_sprite() - self.weapon_attack_sound.play() - - # Magic Input - if button == 5: # keys[pygame.K_q]: - self.attacking = True - self.attack_time = pygame.time.get_ticks() - style = list(magic_data.keys())[self.magic_index] - strength = list(magic_data.values())[ - self.magic_index]['strength'] + self.stats['magic'] - cost = list(magic_data.values())[self.magic_index]['cost'] - self.create_magic_sprite(style, strength, cost) - - # Rotating Weapons - if keys[pygame.K_LSHIFT] and self.can_rotate_weapon: - self.can_rotate_weapon = False - self.weapon_rotation_time = pygame.time.get_ticks() - if self.weapon_index < len(list(weapon_data.keys())) - 1: - self.weapon_index += 1 - else: - self.weapon_index = 0 - - self.weapon = list(weapon_data.keys())[self.weapon_index] - - # Swap Spells - if keys[pygame.K_LCTRL] and self.can_swap_magic: - self.can_swap_magic = False - self.magic_swap_time = pygame.time.get_ticks() - if self.magic_index < len(list(magic_data.keys())) - 1: - self.magic_index += 1 - else: - self.magic_index = 0 - - self.magic = list(magic_data.keys())[self.magic_index] - - def wave_value(self): - value = sin(pygame.time.get_ticks()) - if value >= 0: - return 255 - else: - return 0 diff --git a/old/Game/objects/level.py b/old/Game/objects/level.py deleted file mode 100644 index a7cb002..0000000 --- a/old/Game/objects/level.py +++ /dev/null @@ -1,205 +0,0 @@ -import pygame -from random import choice, randint - -from utils.settings import * -from utils.debug import debug -from utils.support import * - -from UI.ui import UI -from UI.upgrade import Upgrade - -from effects.particles import AnimationPlayer -from effects.magic import MagicPlayer -from effects.weapon import Weapon - -from objects.tile import Tile -from objects.player import Player -from objects.enemy import Enemy -from objects.camera import Camera - - -class Level: - - def __init__(self): - - # General Settings - self.game_paused = False - - # Get the display surface - self.display_surface = pygame.display.get_surface() - - # Sprite Group setup - self.visible_sprites = YSortCameraGroup() - self.obstacle_sprites = pygame.sprite.Group() - self.attack_sprites = pygame.sprite.Group() - self.attackable_sprites = pygame.sprite.Group() - - # Combat Sprite setup - self.current_attack = None - - # Sprite setup - self.create_map() - - # UI setup - self.ui = UI() - self.upgrade = Upgrade(self.player) - - # Particle setup - self.animation_player = AnimationPlayer() - self.magic_player = MagicPlayer(self.animation_player) - - def create_map(self): - layouts = { - 'boundary': import_csv_layout('../Graphics/map/map_FloorBlocks.csv'), - 'grass': import_csv_layout('../Graphics/map/map_Grass.csv'), - 'objects': import_csv_layout('../Graphics/map/map_Objects.csv'), - 'entities': import_csv_layout('../Graphics/map/map_Entities.csv') - } - - graphics = { - 'grass': import_folder('../Graphics/graphics/grass'), - 'objects': import_folder('../Graphics/graphics/objects') - } - - for style, layout in layouts.items(): - for row_index, row in enumerate(layout): - for col_index, col in enumerate(row): - if col != '-1': - x = col_index * TILESIZE - y = row_index * TILESIZE - if style == 'boundary': - Tile((x, y), [self.obstacle_sprites], 'invisible') - - if style == 'grass': - random_grass_image = choice(graphics['grass']) - Tile((x, y), [self.visible_sprites, self.obstacle_sprites, - self.attackable_sprites], 'grass', random_grass_image) - - if style == 'objects': - surf = graphics['objects'][int(col)] - Tile((x, y), [self.visible_sprites, - self.obstacle_sprites], 'object', surf) - - # The numbers represent their IDs in the map .csv files generated from TILED. - if style == 'entities': - if col == '394': - self.player = Player((x, y), [self.visible_sprites], self.obstacle_sprites, self.create_attack_sprite, - self.delete_attack_sprite, self.create_magic_sprite, is_AI=True, state=self.get_state) - - elif col == '395': - self.camera = Camera( - (x, y), [self.visible_sprites]) - - else: - if col == '390': - monster_name = 'bamboo' - elif col == '391': - monster_name = 'spirit' - elif col == '392': - monster_name = 'raccoon' - else: - monster_name = 'squid' - - Enemy(monster_name, (x, y), [self.visible_sprites, self.attackable_sprites], self.obstacle_sprites, - self.damage_player, self.trigger_death_particles, self.add_exp, is_AI=False, state=None) - - def create_attack_sprite(self): - self.current_attack = Weapon( - self.player, [self.visible_sprites, self.attack_sprites]) - - def delete_attack_sprite(self): - if self.current_attack: - self.current_attack.kill() - self.current_attack = None - - def create_magic_sprite(self, style, strength, cost): - if style == 'heal': - self.magic_player.heal(self.player, strength, cost, [ - self.visible_sprites]) - - if style == 'flame': - self.magic_player.flame( - self.player, cost, [self.visible_sprites, self.attack_sprites]) - - def player_attack_logic(self): - if self.attack_sprites: - for attack_sprite in self.attack_sprites: - collision_sprites = pygame.sprite.spritecollide( - attack_sprite, self.attackable_sprites, False) - if collision_sprites: - for target_sprite in collision_sprites: - if target_sprite.sprite_type == 'grass': - pos = target_sprite.rect.center - offset = pygame.math.Vector2(0, 75) - for leaf in range(randint(3, 6)): - self.animation_player.create_grass_particles( - position=pos - offset, groups=[self.visible_sprites]) - target_sprite.kill() - else: - target_sprite.get_damage( - self.player, attack_sprite.sprite_type) - - def get_state(self): - state = [] - - enemy_sprites = [sprite for sprite in self.visible_sprites if hasattr( - sprite, 'sprite_type') and sprite.sprite_type == 'enemy'] - for enemy in enemy_sprites: - distance, direction = enemy.get_player_distance_direction( - self.player) - state.append([(distance, direction.x, direction.y, enemy.monster_name, enemy.health, enemy.exp, enemy.speed, - enemy.attack_damage, enemy.resistance, enemy.attack_radius, enemy.notice_radius, enemy.attack_type)]) - - # Sort by distance - state = sorted(state, key=lambda x: x[0]) - - # Consider only the closest 5 enemies - state = state[:5] - - # If there are fewer than 5 enemies, pad the state with placeholder values - while len(state) < 5: - state.append((float('inf'), 0, 0, None, None, None, - None, None, None, None, None, None)) - - # Flatten the state to be a single list of numbers and strings - state = [item for sublist in state for item in sublist] - - return state - - def damage_player(self, amount, attack_type): - if self.player.vulnerable: - self.player.health -= amount - if self.player.health < 0: - self.player.health = 0 - self.player.vulnerable = False - self.player.hurt_time = pygame.time.get_ticks() - self.animation_player.generate_particles( - attack_type, self.player.rect.center, [self.visible_sprites]) - - def trigger_death_particles(self, position, particle_type): - self.animation_player.generate_particles( - particle_type, position, [self.visible_sprites]) - - def add_exp(self, amount): - self.player.exp += amount - - def toggle_menu(self): - self.game_paused = not self.game_paused - - def run(self): - # Draw the game - self.visible_sprites.custom_draw(self.camera) - self.ui.display(self.camera) - if self.game_paused: - if self.visible_sprites.sprite_type == 'player': - self.upgrade.display() - pass - else: - # Update the game - self.player.distance_direction_to_player = self.get_state() - self.visible_sprites.update() - self.visible_sprites.enemy_update(self.player) - self.player_attack_logic() - - if self.player.health <= 0: - self.__init__() diff --git a/old/Game/objects/player.py b/old/Game/objects/player.py deleted file mode 100644 index b7eec3f..0000000 --- a/old/Game/objects/player.py +++ /dev/null @@ -1,203 +0,0 @@ -import pygame -import random -import numpy as np - -from utils.settings import * -from utils.support import import_folder - -from objects.entity import Entity - -from rl.agent import Agent -from rl.rl_settings import * - - -class Player(Entity): - - def __init__(self, position, groups, obstacle_sprites, create_attack_sprite, delete_attack_sprite, create_magic_sprite, is_AI, state): - super().__init__(groups, is_AI, state) - - self.image = pygame.image.load( - '../Graphics/graphics/player/down/down_0.png').convert_alpha() - self.rect = self.image.get_rect(topleft=position) - self.hitbox = self.rect.inflate(HITBOX_OFFSET['player']) - self.sprite_type = 'player' - - # Graphics Setup - self.import_player_assets() - self.status = 'down' - - # Combat - self.attacking = False - self.attack_cooldown = 400 - self.attack_time = None - - # Weapons - self.create_attack_sprite = create_attack_sprite - self.delete_attack_sprite = delete_attack_sprite - - # Magic - self.create_magic_sprite = create_magic_sprite - - # Weapon rotation - self.weapon_index = 0 - self.weapon = list(weapon_data.keys())[self.weapon_index] - self.can_rotate_weapon = True - self.weapon_rotation_time = None - self.rotate_attack_cooldown = 600 - - # Magic rotation - self.magic_index = 0 - self.magic = list(magic_data.keys())[self.magic_index] - self.can_swap_magic = True - self.magic_swap_time = None - - # Stats - self.stats = { - 'health': 100, - 'energy': 60, - 'attack': 10, - 'magic': 4, - 'speed': 5 - } - self.max_stats = { - 'health': 300, - 'energy': 150, - 'attack': 20, - 'magic': 10, - 'speed': 10 - } - self.upgrade_costs = { - 'health': 100, - 'energy': 100, - 'attack': 100, - 'magic': 100, - 'speed': 100 - } - - # AI setup - self.is_AI = is_AI - if self.is_AI: - self.agent = Agent(self.possible_actions, input_dims=(list(self.stats.values( - )) + self.distance_direction_to_player), batch_size=batch_size, alpha=alpha, n_epochs=n_epochs) - - self.health = self.stats['health'] - self.energy = self.stats['energy'] - self.exp = 0 - self.speed = self.stats['speed'] - - # Damage timer - self.vulnerable = True - self.hurt_time = None - self.invulnerability_duration = 300 - - self.obstacle_sprites = obstacle_sprites - - # Import Sounds - self.weapon_attack_sound = pygame.mixer.Sound( - '../Graphics/audio/sword.wav') - self.weapon_attack_sound.set_volume(0.2) - - def import_player_assets(self): - character_path = '../Graphics/graphics/player' - - self.animations = { - 'up': [], 'down': [], 'left': [], 'right': [], - 'up_idle': [], 'down_idle': [], 'left_idle': [], 'right_idle': [], - 'up_attack': [], 'down_attack': [], 'left_attack': [], 'right_attack': [] - } - for animation in self.animations.keys(): - full_path = f"{character_path}/{animation}" - self.animations[animation] = import_folder(full_path) - - def get_status(self): - - # Idle Status - if self.direction.x == 0 and self.direction.y == 0: - if not 'idle' in self.status and not 'attack' in self.status: - self.status += '_idle' - - if self.attacking: - self.direction.x = 0 - self.direction.y = 0 - if not 'attack' in self.status: - if 'idle' in self.status: - self.status = self.status.replace('idle', 'attack') - else: - self.status += '_attack' - else: - if 'attack' in self.status: - self.status = self.status.replace('_attack', '') - - def get_full_weapon_damage(self): - base_damage = self.stats['attack'] - weapon_damage = weapon_data[self.weapon]['damage'] - - return (base_damage + weapon_damage) - - def get_full_magic_damage(self): - base_damage = self.stats['magic'] - spell_damage = magic_data[self.magic]['strength'] - return (base_damage + spell_damage) - - def get_value_by_index(self, index): - return list(self.stats.values())[index] - - def get_cost_by_index(self, index): - return list(self.upgrade_costs.values())[index] - - def cooldowns(self): - current_time = pygame.time.get_ticks() - - if self.attacking: - if current_time - self.attack_time > self.attack_cooldown + weapon_data[self.weapon]['cooldown']: - self.attacking = False - self.delete_attack_sprite() - - if not self.can_rotate_weapon: - if current_time - self.weapon_rotation_time > self.rotate_attack_cooldown: - self.can_rotate_weapon = True - - if not self.can_swap_magic: - if current_time - self.magic_swap_time > self.rotate_attack_cooldown: - self.can_swap_magic = True - - if not self.vulnerable: - if current_time - self.hurt_time >= self.invulnerability_duration: - self.vulnerable = True - - if not self.can_move: - if current_time - self.move_time >= self.move_cooldown: - self.can_move = True - - def energy_recovery(self): - if self.energy < self.stats['energy']: - self.energy += 0.01 * self.stats['magic'] - else: - self.energy = self.stats['energy'] - - def animate(self): - animation = self.animations[self.status] - self.frame_index += self.animation_speed - if self.frame_index >= len(animation): - self.frame_index = 0 - - # Set the image - self.image = animation[int(self.frame_index)] - self.rect = self.image.get_rect(center=self.hitbox.center) - - if not self.vulnerable: - alpha = self.wave_value() - self.image.set_alpha(alpha) - else: - self.image.set_alpha(255) - - def update(self): - self.input() - self.cooldowns() - self.get_status() - self.animate() - self.move(self.stats['speed']) - self.energy_recovery() - self.distance_direction_to_player = self.state() - # if self.is_AI: - # self.agent.act(self.distance_direction_to_player) diff --git a/old/Graphics/Vasilis/Pot.png b/old/Graphics/Vasilis/Pot.png deleted file mode 100644 index f1fa6f5..0000000 Binary files a/old/Graphics/Vasilis/Pot.png and /dev/null differ diff --git a/old/Graphics/audio/attack/claw.wav b/old/Graphics/audio/attack/claw.wav deleted file mode 100644 index 1a98889..0000000 Binary files a/old/Graphics/audio/attack/claw.wav and /dev/null differ diff --git a/old/Graphics/audio/attack/fireball.wav b/old/Graphics/audio/attack/fireball.wav deleted file mode 100644 index dc2c852..0000000 Binary files a/old/Graphics/audio/attack/fireball.wav and /dev/null differ diff --git a/old/Graphics/audio/attack/slash.wav b/old/Graphics/audio/attack/slash.wav deleted file mode 100644 index 942aeb0..0000000 Binary files a/old/Graphics/audio/attack/slash.wav and /dev/null differ diff --git a/old/Graphics/audio/death.wav b/old/Graphics/audio/death.wav deleted file mode 100644 index ef03ab1..0000000 Binary files a/old/Graphics/audio/death.wav and /dev/null differ diff --git a/old/Graphics/audio/flame.wav b/old/Graphics/audio/flame.wav deleted file mode 100644 index 97bb0e4..0000000 Binary files a/old/Graphics/audio/flame.wav and /dev/null differ diff --git a/old/Graphics/audio/heal.wav b/old/Graphics/audio/heal.wav deleted file mode 100644 index e94bab0..0000000 Binary files a/old/Graphics/audio/heal.wav and /dev/null differ diff --git a/old/Graphics/audio/hit.wav b/old/Graphics/audio/hit.wav deleted file mode 100644 index 435b317..0000000 Binary files a/old/Graphics/audio/hit.wav and /dev/null differ diff --git a/old/Graphics/audio/main.ogg b/old/Graphics/audio/main.ogg deleted file mode 100644 index da5d252..0000000 Binary files a/old/Graphics/audio/main.ogg and /dev/null differ diff --git a/old/Graphics/audio/sword.wav b/old/Graphics/audio/sword.wav deleted file mode 100644 index 2e962d0..0000000 Binary files a/old/Graphics/audio/sword.wav and /dev/null differ diff --git a/old/Graphics/graphics/font/joystix.ttf b/old/Graphics/graphics/font/joystix.ttf deleted file mode 100644 index 5fd36a5..0000000 Binary files a/old/Graphics/graphics/font/joystix.ttf and /dev/null differ diff --git a/old/Graphics/graphics/particles/aura/0.png b/old/Graphics/graphics/particles/aura/0.png deleted file mode 100644 index ca3080c..0000000 Binary files a/old/Graphics/graphics/particles/aura/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/aura/1.png b/old/Graphics/graphics/particles/aura/1.png deleted file mode 100644 index 587df6e..0000000 Binary files a/old/Graphics/graphics/particles/aura/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/aura/2.png b/old/Graphics/graphics/particles/aura/2.png deleted file mode 100644 index 345b25a..0000000 Binary files a/old/Graphics/graphics/particles/aura/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/aura/3.png b/old/Graphics/graphics/particles/aura/3.png deleted file mode 100644 index f5aa4c5..0000000 Binary files a/old/Graphics/graphics/particles/aura/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/bamboo/0.png b/old/Graphics/graphics/particles/bamboo/0.png deleted file mode 100644 index a28b25a..0000000 Binary files a/old/Graphics/graphics/particles/bamboo/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/bamboo/1.png b/old/Graphics/graphics/particles/bamboo/1.png deleted file mode 100644 index 234355a..0000000 Binary files a/old/Graphics/graphics/particles/bamboo/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/claw/0.png b/old/Graphics/graphics/particles/claw/0.png deleted file mode 100644 index b9af05a..0000000 Binary files a/old/Graphics/graphics/particles/claw/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/claw/1.png b/old/Graphics/graphics/particles/claw/1.png deleted file mode 100644 index 60ab800..0000000 Binary files a/old/Graphics/graphics/particles/claw/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/claw/2.png b/old/Graphics/graphics/particles/claw/2.png deleted file mode 100644 index e3c239b..0000000 Binary files a/old/Graphics/graphics/particles/claw/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/claw/3.png b/old/Graphics/graphics/particles/claw/3.png deleted file mode 100644 index 2a579b7..0000000 Binary files a/old/Graphics/graphics/particles/claw/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/fire.png b/old/Graphics/graphics/particles/flame/fire.png deleted file mode 100644 index 2fb9ffc..0000000 Binary files a/old/Graphics/graphics/particles/flame/fire.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/0.png b/old/Graphics/graphics/particles/flame/frames/0.png deleted file mode 100644 index fe33ae5..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/01.png b/old/Graphics/graphics/particles/flame/frames/01.png deleted file mode 100644 index 734a74f..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/01.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/02.png b/old/Graphics/graphics/particles/flame/frames/02.png deleted file mode 100644 index 63536a7..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/02.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/03.png b/old/Graphics/graphics/particles/flame/frames/03.png deleted file mode 100644 index 49c4995..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/03.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/04.png b/old/Graphics/graphics/particles/flame/frames/04.png deleted file mode 100644 index 77e0474..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/04.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/05.png b/old/Graphics/graphics/particles/flame/frames/05.png deleted file mode 100644 index 04691a5..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/05.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/06.png b/old/Graphics/graphics/particles/flame/frames/06.png deleted file mode 100644 index 4738aa7..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/06.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/07.png b/old/Graphics/graphics/particles/flame/frames/07.png deleted file mode 100644 index 1faa1d3..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/07.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/08.png b/old/Graphics/graphics/particles/flame/frames/08.png deleted file mode 100644 index 44b7e28..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/08.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/09.png b/old/Graphics/graphics/particles/flame/frames/09.png deleted file mode 100644 index cd35c03..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/09.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/10.png b/old/Graphics/graphics/particles/flame/frames/10.png deleted file mode 100644 index 7164544..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/10.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/flame/frames/11.png b/old/Graphics/graphics/particles/flame/frames/11.png deleted file mode 100644 index 5555377..0000000 Binary files a/old/Graphics/graphics/particles/flame/frames/11.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/heal/frames/0.png b/old/Graphics/graphics/particles/heal/frames/0.png deleted file mode 100644 index cd93684..0000000 Binary files a/old/Graphics/graphics/particles/heal/frames/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/heal/frames/1.png b/old/Graphics/graphics/particles/heal/frames/1.png deleted file mode 100644 index 83b4cf1..0000000 Binary files a/old/Graphics/graphics/particles/heal/frames/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/heal/frames/2.png b/old/Graphics/graphics/particles/heal/frames/2.png deleted file mode 100644 index de0b9bd..0000000 Binary files a/old/Graphics/graphics/particles/heal/frames/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/heal/frames/3.png b/old/Graphics/graphics/particles/heal/frames/3.png deleted file mode 100644 index d5ab576..0000000 Binary files a/old/Graphics/graphics/particles/heal/frames/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/heal/frames/4.png b/old/Graphics/graphics/particles/heal/frames/4.png deleted file mode 100644 index e26afd3..0000000 Binary files a/old/Graphics/graphics/particles/heal/frames/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/heal/heal.png b/old/Graphics/graphics/particles/heal/heal.png deleted file mode 100644 index ad7de97..0000000 Binary files a/old/Graphics/graphics/particles/heal/heal.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00000.png b/old/Graphics/graphics/particles/leaf1/leaf1_00000.png deleted file mode 100644 index b3d34ea..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00000.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00001.png b/old/Graphics/graphics/particles/leaf1/leaf1_00001.png deleted file mode 100644 index 22fce58..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00001.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00002.png b/old/Graphics/graphics/particles/leaf1/leaf1_00002.png deleted file mode 100644 index f8d2b65..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00002.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00003.png b/old/Graphics/graphics/particles/leaf1/leaf1_00003.png deleted file mode 100644 index e3e59b6..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00003.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00004.png b/old/Graphics/graphics/particles/leaf1/leaf1_00004.png deleted file mode 100644 index a703f36..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00004.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00005.png b/old/Graphics/graphics/particles/leaf1/leaf1_00005.png deleted file mode 100644 index 39e159a..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00005.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00006.png b/old/Graphics/graphics/particles/leaf1/leaf1_00006.png deleted file mode 100644 index a83b3d0..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00006.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00007.png b/old/Graphics/graphics/particles/leaf1/leaf1_00007.png deleted file mode 100644 index ed3fca8..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00007.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00008.png b/old/Graphics/graphics/particles/leaf1/leaf1_00008.png deleted file mode 100644 index f6bf4c9..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00008.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00009.png b/old/Graphics/graphics/particles/leaf1/leaf1_00009.png deleted file mode 100644 index 1e27176..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00009.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00010.png b/old/Graphics/graphics/particles/leaf1/leaf1_00010.png deleted file mode 100644 index 4be9658..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00010.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf1/leaf1_00011.png b/old/Graphics/graphics/particles/leaf1/leaf1_00011.png deleted file mode 100644 index 57f0d06..0000000 Binary files a/old/Graphics/graphics/particles/leaf1/leaf1_00011.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00000.png b/old/Graphics/graphics/particles/leaf2/leaf1_00000.png deleted file mode 100644 index bd43308..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00000.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00001.png b/old/Graphics/graphics/particles/leaf2/leaf1_00001.png deleted file mode 100644 index 3013b91..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00001.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00002.png b/old/Graphics/graphics/particles/leaf2/leaf1_00002.png deleted file mode 100644 index 30300af..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00002.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00003.png b/old/Graphics/graphics/particles/leaf2/leaf1_00003.png deleted file mode 100644 index 8f0b661..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00003.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00004.png b/old/Graphics/graphics/particles/leaf2/leaf1_00004.png deleted file mode 100644 index 8248fba..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00004.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00005.png b/old/Graphics/graphics/particles/leaf2/leaf1_00005.png deleted file mode 100644 index ecf4ffa..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00005.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00006.png b/old/Graphics/graphics/particles/leaf2/leaf1_00006.png deleted file mode 100644 index ece22b8..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00006.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00007.png b/old/Graphics/graphics/particles/leaf2/leaf1_00007.png deleted file mode 100644 index 1f1f7ee..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00007.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00008.png b/old/Graphics/graphics/particles/leaf2/leaf1_00008.png deleted file mode 100644 index 33f28bd..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00008.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00009.png b/old/Graphics/graphics/particles/leaf2/leaf1_00009.png deleted file mode 100644 index 6d6ff48..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00009.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00010.png b/old/Graphics/graphics/particles/leaf2/leaf1_00010.png deleted file mode 100644 index d1a770e..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00010.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00011.png b/old/Graphics/graphics/particles/leaf2/leaf1_00011.png deleted file mode 100644 index 0435cea..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00011.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf2/leaf1_00012.png b/old/Graphics/graphics/particles/leaf2/leaf1_00012.png deleted file mode 100644 index 3848e8d..0000000 Binary files a/old/Graphics/graphics/particles/leaf2/leaf1_00012.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00000.png b/old/Graphics/graphics/particles/leaf3/leaf1_00000.png deleted file mode 100644 index c31c69f..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00000.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00001.png b/old/Graphics/graphics/particles/leaf3/leaf1_00001.png deleted file mode 100644 index ad36fe5..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00001.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00002.png b/old/Graphics/graphics/particles/leaf3/leaf1_00002.png deleted file mode 100644 index 8338ffd..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00002.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00003.png b/old/Graphics/graphics/particles/leaf3/leaf1_00003.png deleted file mode 100644 index 444a0e1..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00003.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00004.png b/old/Graphics/graphics/particles/leaf3/leaf1_00004.png deleted file mode 100644 index 4f62188..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00004.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00005.png b/old/Graphics/graphics/particles/leaf3/leaf1_00005.png deleted file mode 100644 index 99dc366..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00005.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00006.png b/old/Graphics/graphics/particles/leaf3/leaf1_00006.png deleted file mode 100644 index 50c0d9a..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00006.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00007.png b/old/Graphics/graphics/particles/leaf3/leaf1_00007.png deleted file mode 100644 index d7a7a37..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00007.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00008.png b/old/Graphics/graphics/particles/leaf3/leaf1_00008.png deleted file mode 100644 index 8df60d4..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00008.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf3/leaf1_00009.png b/old/Graphics/graphics/particles/leaf3/leaf1_00009.png deleted file mode 100644 index d14ee99..0000000 Binary files a/old/Graphics/graphics/particles/leaf3/leaf1_00009.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00000.png b/old/Graphics/graphics/particles/leaf4/leaf1_00000.png deleted file mode 100644 index a6309fe..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00000.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00001.png b/old/Graphics/graphics/particles/leaf4/leaf1_00001.png deleted file mode 100644 index 3d31420..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00001.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00002.png b/old/Graphics/graphics/particles/leaf4/leaf1_00002.png deleted file mode 100644 index cfcc565..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00002.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00003.png b/old/Graphics/graphics/particles/leaf4/leaf1_00003.png deleted file mode 100644 index af077e3..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00003.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00004.png b/old/Graphics/graphics/particles/leaf4/leaf1_00004.png deleted file mode 100644 index 7b0be93..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00004.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00005.png b/old/Graphics/graphics/particles/leaf4/leaf1_00005.png deleted file mode 100644 index 7b5ac2a..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00005.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00006.png b/old/Graphics/graphics/particles/leaf4/leaf1_00006.png deleted file mode 100644 index 8229334..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00006.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00007.png b/old/Graphics/graphics/particles/leaf4/leaf1_00007.png deleted file mode 100644 index 1915fab..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00007.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00008.png b/old/Graphics/graphics/particles/leaf4/leaf1_00008.png deleted file mode 100644 index 157a04a..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00008.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00009.png b/old/Graphics/graphics/particles/leaf4/leaf1_00009.png deleted file mode 100644 index 27fb1fd..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00009.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf4/leaf1_00010.png b/old/Graphics/graphics/particles/leaf4/leaf1_00010.png deleted file mode 100644 index 5030b8c..0000000 Binary files a/old/Graphics/graphics/particles/leaf4/leaf1_00010.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00000.png b/old/Graphics/graphics/particles/leaf5/leaf1_00000.png deleted file mode 100644 index b0e81b0..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00000.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00001.png b/old/Graphics/graphics/particles/leaf5/leaf1_00001.png deleted file mode 100644 index b7828b6..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00001.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00002.png b/old/Graphics/graphics/particles/leaf5/leaf1_00002.png deleted file mode 100644 index ccc2714..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00002.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00003.png b/old/Graphics/graphics/particles/leaf5/leaf1_00003.png deleted file mode 100644 index f1fd9b1..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00003.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00004.png b/old/Graphics/graphics/particles/leaf5/leaf1_00004.png deleted file mode 100644 index de90457..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00004.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00005.png b/old/Graphics/graphics/particles/leaf5/leaf1_00005.png deleted file mode 100644 index 661a16a..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00005.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00006.png b/old/Graphics/graphics/particles/leaf5/leaf1_00006.png deleted file mode 100644 index 996ed74..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00006.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00007.png b/old/Graphics/graphics/particles/leaf5/leaf1_00007.png deleted file mode 100644 index bc0ab50..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00007.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00008.png b/old/Graphics/graphics/particles/leaf5/leaf1_00008.png deleted file mode 100644 index 9de760e..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00008.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf5/leaf1_00009.png b/old/Graphics/graphics/particles/leaf5/leaf1_00009.png deleted file mode 100644 index ec73497..0000000 Binary files a/old/Graphics/graphics/particles/leaf5/leaf1_00009.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00000.png b/old/Graphics/graphics/particles/leaf6/leaf1_00000.png deleted file mode 100644 index 4969977..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00000.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00001.png b/old/Graphics/graphics/particles/leaf6/leaf1_00001.png deleted file mode 100644 index 4212765..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00001.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00002.png b/old/Graphics/graphics/particles/leaf6/leaf1_00002.png deleted file mode 100644 index 7237076..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00002.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00003.png b/old/Graphics/graphics/particles/leaf6/leaf1_00003.png deleted file mode 100644 index a03d0fe..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00003.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00004.png b/old/Graphics/graphics/particles/leaf6/leaf1_00004.png deleted file mode 100644 index e585fb4..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00004.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00005.png b/old/Graphics/graphics/particles/leaf6/leaf1_00005.png deleted file mode 100644 index 13d8d55..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00005.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00006.png b/old/Graphics/graphics/particles/leaf6/leaf1_00006.png deleted file mode 100644 index 8b153dc..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00006.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00007.png b/old/Graphics/graphics/particles/leaf6/leaf1_00007.png deleted file mode 100644 index aab3b60..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00007.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00008.png b/old/Graphics/graphics/particles/leaf6/leaf1_00008.png deleted file mode 100644 index 9d32aa9..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00008.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00009.png b/old/Graphics/graphics/particles/leaf6/leaf1_00009.png deleted file mode 100644 index 1f87666..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00009.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00010.png b/old/Graphics/graphics/particles/leaf6/leaf1_00010.png deleted file mode 100644 index c54c793..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00010.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf6/leaf1_00011.png b/old/Graphics/graphics/particles/leaf6/leaf1_00011.png deleted file mode 100644 index 3659600..0000000 Binary files a/old/Graphics/graphics/particles/leaf6/leaf1_00011.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf_attack/0.png b/old/Graphics/graphics/particles/leaf_attack/0.png deleted file mode 100644 index a9dc64d..0000000 Binary files a/old/Graphics/graphics/particles/leaf_attack/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf_attack/1.png b/old/Graphics/graphics/particles/leaf_attack/1.png deleted file mode 100644 index 2cfe1a5..0000000 Binary files a/old/Graphics/graphics/particles/leaf_attack/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf_attack/2.png b/old/Graphics/graphics/particles/leaf_attack/2.png deleted file mode 100644 index 19eabbd..0000000 Binary files a/old/Graphics/graphics/particles/leaf_attack/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf_attack/3.png b/old/Graphics/graphics/particles/leaf_attack/3.png deleted file mode 100644 index b7c453f..0000000 Binary files a/old/Graphics/graphics/particles/leaf_attack/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf_attack/4.png b/old/Graphics/graphics/particles/leaf_attack/4.png deleted file mode 100644 index d26d38e..0000000 Binary files a/old/Graphics/graphics/particles/leaf_attack/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf_attack/5.png b/old/Graphics/graphics/particles/leaf_attack/5.png deleted file mode 100644 index 73c1f4f..0000000 Binary files a/old/Graphics/graphics/particles/leaf_attack/5.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/leaf_attack/6.png b/old/Graphics/graphics/particles/leaf_attack/6.png deleted file mode 100644 index d68a09d..0000000 Binary files a/old/Graphics/graphics/particles/leaf_attack/6.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/nova/0.png b/old/Graphics/graphics/particles/nova/0.png deleted file mode 100644 index fdcc423..0000000 Binary files a/old/Graphics/graphics/particles/nova/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/nova/1.png b/old/Graphics/graphics/particles/nova/1.png deleted file mode 100644 index 320b930..0000000 Binary files a/old/Graphics/graphics/particles/nova/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/nova/2.png b/old/Graphics/graphics/particles/nova/2.png deleted file mode 100644 index 91766d8..0000000 Binary files a/old/Graphics/graphics/particles/nova/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/nova/3.png b/old/Graphics/graphics/particles/nova/3.png deleted file mode 100644 index 98371b1..0000000 Binary files a/old/Graphics/graphics/particles/nova/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/nova/4.png b/old/Graphics/graphics/particles/nova/4.png deleted file mode 100644 index 26924ab..0000000 Binary files a/old/Graphics/graphics/particles/nova/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/nova/5.png b/old/Graphics/graphics/particles/nova/5.png deleted file mode 100644 index f6aae60..0000000 Binary files a/old/Graphics/graphics/particles/nova/5.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/raccoon/0.png b/old/Graphics/graphics/particles/raccoon/0.png deleted file mode 100644 index cc1a9eb..0000000 Binary files a/old/Graphics/graphics/particles/raccoon/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/raccoon/1.png b/old/Graphics/graphics/particles/raccoon/1.png deleted file mode 100644 index 7385737..0000000 Binary files a/old/Graphics/graphics/particles/raccoon/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/raccoon/2.png b/old/Graphics/graphics/particles/raccoon/2.png deleted file mode 100644 index 8b384be..0000000 Binary files a/old/Graphics/graphics/particles/raccoon/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/raccoon/3.png b/old/Graphics/graphics/particles/raccoon/3.png deleted file mode 100644 index d6feaf3..0000000 Binary files a/old/Graphics/graphics/particles/raccoon/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/raccoon/4.png b/old/Graphics/graphics/particles/raccoon/4.png deleted file mode 100644 index e550c15..0000000 Binary files a/old/Graphics/graphics/particles/raccoon/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/raccoon/5.png b/old/Graphics/graphics/particles/raccoon/5.png deleted file mode 100644 index 13797ad..0000000 Binary files a/old/Graphics/graphics/particles/raccoon/5.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/slash/0.png b/old/Graphics/graphics/particles/slash/0.png deleted file mode 100644 index 75b73d5..0000000 Binary files a/old/Graphics/graphics/particles/slash/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/slash/1.png b/old/Graphics/graphics/particles/slash/1.png deleted file mode 100644 index 011e4a9..0000000 Binary files a/old/Graphics/graphics/particles/slash/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/slash/2.png b/old/Graphics/graphics/particles/slash/2.png deleted file mode 100644 index 922e970..0000000 Binary files a/old/Graphics/graphics/particles/slash/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/slash/3.png b/old/Graphics/graphics/particles/slash/3.png deleted file mode 100644 index 58821d9..0000000 Binary files a/old/Graphics/graphics/particles/slash/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke/0.png b/old/Graphics/graphics/particles/smoke/0.png deleted file mode 100644 index 73e9a59..0000000 Binary files a/old/Graphics/graphics/particles/smoke/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke/1.png b/old/Graphics/graphics/particles/smoke/1.png deleted file mode 100644 index f21e130..0000000 Binary files a/old/Graphics/graphics/particles/smoke/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke/2.png b/old/Graphics/graphics/particles/smoke/2.png deleted file mode 100644 index 8e2ecb9..0000000 Binary files a/old/Graphics/graphics/particles/smoke/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke/3.png b/old/Graphics/graphics/particles/smoke/3.png deleted file mode 100644 index 244b1a1..0000000 Binary files a/old/Graphics/graphics/particles/smoke/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke/4.png b/old/Graphics/graphics/particles/smoke/4.png deleted file mode 100644 index e60a29b..0000000 Binary files a/old/Graphics/graphics/particles/smoke/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke/5.png b/old/Graphics/graphics/particles/smoke/5.png deleted file mode 100644 index 6475ce3..0000000 Binary files a/old/Graphics/graphics/particles/smoke/5.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke2/0.png b/old/Graphics/graphics/particles/smoke2/0.png deleted file mode 100644 index c3267c0..0000000 Binary files a/old/Graphics/graphics/particles/smoke2/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke2/1.png b/old/Graphics/graphics/particles/smoke2/1.png deleted file mode 100644 index f392845..0000000 Binary files a/old/Graphics/graphics/particles/smoke2/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke2/2.png b/old/Graphics/graphics/particles/smoke2/2.png deleted file mode 100644 index d611b6f..0000000 Binary files a/old/Graphics/graphics/particles/smoke2/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke2/3.png b/old/Graphics/graphics/particles/smoke2/3.png deleted file mode 100644 index c817380..0000000 Binary files a/old/Graphics/graphics/particles/smoke2/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke2/4.png b/old/Graphics/graphics/particles/smoke2/4.png deleted file mode 100644 index abd4af8..0000000 Binary files a/old/Graphics/graphics/particles/smoke2/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke2/5.png b/old/Graphics/graphics/particles/smoke2/5.png deleted file mode 100644 index c89158a..0000000 Binary files a/old/Graphics/graphics/particles/smoke2/5.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke_orange/0.png b/old/Graphics/graphics/particles/smoke_orange/0.png deleted file mode 100644 index e4baa13..0000000 Binary files a/old/Graphics/graphics/particles/smoke_orange/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke_orange/1.png b/old/Graphics/graphics/particles/smoke_orange/1.png deleted file mode 100644 index 7cce227..0000000 Binary files a/old/Graphics/graphics/particles/smoke_orange/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke_orange/2.png b/old/Graphics/graphics/particles/smoke_orange/2.png deleted file mode 100644 index 4425e33..0000000 Binary files a/old/Graphics/graphics/particles/smoke_orange/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke_orange/3.png b/old/Graphics/graphics/particles/smoke_orange/3.png deleted file mode 100644 index a817e8d..0000000 Binary files a/old/Graphics/graphics/particles/smoke_orange/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke_orange/4.png b/old/Graphics/graphics/particles/smoke_orange/4.png deleted file mode 100644 index b6ff7a5..0000000 Binary files a/old/Graphics/graphics/particles/smoke_orange/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/smoke_orange/5.png b/old/Graphics/graphics/particles/smoke_orange/5.png deleted file mode 100644 index 3dfab88..0000000 Binary files a/old/Graphics/graphics/particles/smoke_orange/5.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/sparkle/0.png b/old/Graphics/graphics/particles/sparkle/0.png deleted file mode 100644 index 2bc0bf2..0000000 Binary files a/old/Graphics/graphics/particles/sparkle/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/sparkle/1.png b/old/Graphics/graphics/particles/sparkle/1.png deleted file mode 100644 index 5b3a810..0000000 Binary files a/old/Graphics/graphics/particles/sparkle/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/sparkle/2.png b/old/Graphics/graphics/particles/sparkle/2.png deleted file mode 100644 index d13930a..0000000 Binary files a/old/Graphics/graphics/particles/sparkle/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/sparkle/3.png b/old/Graphics/graphics/particles/sparkle/3.png deleted file mode 100644 index 8384774..0000000 Binary files a/old/Graphics/graphics/particles/sparkle/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/sparkle/4.png b/old/Graphics/graphics/particles/sparkle/4.png deleted file mode 100644 index b07148f..0000000 Binary files a/old/Graphics/graphics/particles/sparkle/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/thunder/0.png b/old/Graphics/graphics/particles/thunder/0.png deleted file mode 100644 index 781f52b..0000000 Binary files a/old/Graphics/graphics/particles/thunder/0.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/thunder/1.png b/old/Graphics/graphics/particles/thunder/1.png deleted file mode 100644 index ac1fa39..0000000 Binary files a/old/Graphics/graphics/particles/thunder/1.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/thunder/2.png b/old/Graphics/graphics/particles/thunder/2.png deleted file mode 100644 index c4bb34b..0000000 Binary files a/old/Graphics/graphics/particles/thunder/2.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/thunder/3.png b/old/Graphics/graphics/particles/thunder/3.png deleted file mode 100644 index 91c92a3..0000000 Binary files a/old/Graphics/graphics/particles/thunder/3.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/thunder/4.png b/old/Graphics/graphics/particles/thunder/4.png deleted file mode 100644 index 0d51893..0000000 Binary files a/old/Graphics/graphics/particles/thunder/4.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/thunder/5.png b/old/Graphics/graphics/particles/thunder/5.png deleted file mode 100644 index 55d2698..0000000 Binary files a/old/Graphics/graphics/particles/thunder/5.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/thunder/6.png b/old/Graphics/graphics/particles/thunder/6.png deleted file mode 100644 index 4d79092..0000000 Binary files a/old/Graphics/graphics/particles/thunder/6.png and /dev/null differ diff --git a/old/Graphics/graphics/particles/thunder/7.png b/old/Graphics/graphics/particles/thunder/7.png deleted file mode 100644 index 0b8b41c..0000000 Binary files a/old/Graphics/graphics/particles/thunder/7.png and /dev/null differ diff --git a/old/Graphics/graphics/test/player.png b/old/Graphics/graphics/test/player.png deleted file mode 100644 index dbbe852..0000000 Binary files a/old/Graphics/graphics/test/player.png and /dev/null differ diff --git a/old/Graphics/graphics/test/rock.png b/old/Graphics/graphics/test/rock.png deleted file mode 100644 index 30a74e5..0000000 Binary files a/old/Graphics/graphics/test/rock.png and /dev/null differ diff --git a/old/Graphics/graphics/tilemap/Floor.png b/old/Graphics/graphics/tilemap/Floor.png deleted file mode 100644 index 2971cdd..0000000 Binary files a/old/Graphics/graphics/tilemap/Floor.png and /dev/null differ diff --git a/old/Graphics/graphics/tilemap/details.png b/old/Graphics/graphics/tilemap/details.png deleted file mode 100644 index 8e43aaa..0000000 Binary files a/old/Graphics/graphics/tilemap/details.png and /dev/null differ diff --git a/old/Graphics/graphics/tilemap/ground.png b/old/Graphics/graphics/tilemap/ground.png deleted file mode 100644 index 548b57f..0000000 Binary files a/old/Graphics/graphics/tilemap/ground.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/axe/down.png b/old/Graphics/graphics/weapons/axe/down.png deleted file mode 100644 index 66761cd..0000000 Binary files a/old/Graphics/graphics/weapons/axe/down.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/axe/full.png b/old/Graphics/graphics/weapons/axe/full.png deleted file mode 100644 index 99f0318..0000000 Binary files a/old/Graphics/graphics/weapons/axe/full.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/axe/left.png b/old/Graphics/graphics/weapons/axe/left.png deleted file mode 100644 index fbd9b02..0000000 Binary files a/old/Graphics/graphics/weapons/axe/left.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/axe/right.png b/old/Graphics/graphics/weapons/axe/right.png deleted file mode 100644 index 72c1d42..0000000 Binary files a/old/Graphics/graphics/weapons/axe/right.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/axe/up.png b/old/Graphics/graphics/weapons/axe/up.png deleted file mode 100644 index 5f49b89..0000000 Binary files a/old/Graphics/graphics/weapons/axe/up.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/lance/down.png b/old/Graphics/graphics/weapons/lance/down.png deleted file mode 100644 index f58aeba..0000000 Binary files a/old/Graphics/graphics/weapons/lance/down.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/lance/full.png b/old/Graphics/graphics/weapons/lance/full.png deleted file mode 100644 index 76ce170..0000000 Binary files a/old/Graphics/graphics/weapons/lance/full.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/lance/left.png b/old/Graphics/graphics/weapons/lance/left.png deleted file mode 100644 index b961b43..0000000 Binary files a/old/Graphics/graphics/weapons/lance/left.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/lance/right.png b/old/Graphics/graphics/weapons/lance/right.png deleted file mode 100644 index af7fd12..0000000 Binary files a/old/Graphics/graphics/weapons/lance/right.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/lance/up.png b/old/Graphics/graphics/weapons/lance/up.png deleted file mode 100644 index 96040e5..0000000 Binary files a/old/Graphics/graphics/weapons/lance/up.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/rapier/down.png b/old/Graphics/graphics/weapons/rapier/down.png deleted file mode 100644 index dd103a5..0000000 Binary files a/old/Graphics/graphics/weapons/rapier/down.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/rapier/full.png b/old/Graphics/graphics/weapons/rapier/full.png deleted file mode 100644 index a5f2835..0000000 Binary files a/old/Graphics/graphics/weapons/rapier/full.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/rapier/left.png b/old/Graphics/graphics/weapons/rapier/left.png deleted file mode 100644 index 31f5b8b..0000000 Binary files a/old/Graphics/graphics/weapons/rapier/left.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/rapier/right.png b/old/Graphics/graphics/weapons/rapier/right.png deleted file mode 100644 index 30910a2..0000000 Binary files a/old/Graphics/graphics/weapons/rapier/right.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/rapier/up.png b/old/Graphics/graphics/weapons/rapier/up.png deleted file mode 100644 index 5839792..0000000 Binary files a/old/Graphics/graphics/weapons/rapier/up.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sai/down.png b/old/Graphics/graphics/weapons/sai/down.png deleted file mode 100644 index bda7e15..0000000 Binary files a/old/Graphics/graphics/weapons/sai/down.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sai/full.png b/old/Graphics/graphics/weapons/sai/full.png deleted file mode 100644 index 6f752d6..0000000 Binary files a/old/Graphics/graphics/weapons/sai/full.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sai/left.png b/old/Graphics/graphics/weapons/sai/left.png deleted file mode 100644 index c9847e2..0000000 Binary files a/old/Graphics/graphics/weapons/sai/left.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sai/right.png b/old/Graphics/graphics/weapons/sai/right.png deleted file mode 100644 index 0631803..0000000 Binary files a/old/Graphics/graphics/weapons/sai/right.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sai/up.png b/old/Graphics/graphics/weapons/sai/up.png deleted file mode 100644 index 366e70b..0000000 Binary files a/old/Graphics/graphics/weapons/sai/up.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sword/down.png b/old/Graphics/graphics/weapons/sword/down.png deleted file mode 100644 index ebcfa93..0000000 Binary files a/old/Graphics/graphics/weapons/sword/down.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sword/full.png b/old/Graphics/graphics/weapons/sword/full.png deleted file mode 100644 index 3b395d8..0000000 Binary files a/old/Graphics/graphics/weapons/sword/full.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sword/left.png b/old/Graphics/graphics/weapons/sword/left.png deleted file mode 100644 index 34abbfa..0000000 Binary files a/old/Graphics/graphics/weapons/sword/left.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sword/right.png b/old/Graphics/graphics/weapons/sword/right.png deleted file mode 100644 index fd96c2c..0000000 Binary files a/old/Graphics/graphics/weapons/sword/right.png and /dev/null differ diff --git a/old/Graphics/graphics/weapons/sword/up.png b/old/Graphics/graphics/weapons/sword/up.png deleted file mode 100644 index 5cac8d4..0000000 Binary files a/old/Graphics/graphics/weapons/sword/up.png and /dev/null differ diff --git a/old/Graphics/map/map_Details.csv b/old/Graphics/map/map_Details.csv deleted file mode 100644 index cb22f98..0000000 --- a/old/Graphics/map/map_Details.csv +++ /dev/null @@ -1,50 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,51,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,48,-1,55,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,48,-1,49,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,34,-1,-1,-1,-1,53,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,34,-1,-1,32,-1,-1,-1,-1,-1,-1,-1,-1,54,-1,-1,-1,-1,49,-1,-1,-1,-1,53,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,0,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,39,-1,-1,-1,-1,-1,36,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,32,-1,35,32,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,34,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,32,-1,-1,-1,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,37,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,37,38,33,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,33,-1,-1,-1,-1,-1,-1,34,-1,2,-1,-1,-1,-1,37,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,37,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,37,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,32,-1,-1,-1,-1,-1,-1,32,-1,-1,-1,-1,-1,-1,-1,34,-1,-1,-1,-1,-1,-1,-1,-1,2,38,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,39,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,33,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,35,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,33,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,34,-1,-1,37,-1,-1,37,-1,33,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,36,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,32,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,37,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,33,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,34,-1,-1,-1,-1,-1,-1,-1,-1,-1,35,-1,-1,33,-1,38,32,-1,-1,-1,-1,-1,35,-1,35,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,35,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,36,-1,-1,-1,-1,-1,-1,32,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,32,-1,-1,-1,35,-1,-1,34,-1,39,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,37,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,34,-1,2,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,33,-1,-1,2,-1,39,-1,33,-1,-1,-1,34,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,36,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,38,-1,-1,-1,-1,-1,-1,-1,-1,36,2,-1,34,-1,-1,-1,-1,-1,-1,-1,-1,11,-1,-1,-1,-1,-1,9,-1,-1,-1,9,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,35,-1,34,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,37,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,6,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,33,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,6,-1,-1,-1,-1,-1,-1,1,-1,-1,-1,-1,-1,-1,-1,-1,13,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,5,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,7,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,12,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Graphics/map/map_Entities.csv b/old/Graphics/map/map_Entities.csv deleted file mode 100644 index adb00c2..0000000 --- a/old/Graphics/map/map_Entities.csv +++ /dev/null @@ -1,50 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,392,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,391,-1,-1,-1,391,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,391,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,394,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,390,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,391,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,392,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,393,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Graphics/map/map_Floor.csv b/old/Graphics/map/map_Floor.csv deleted file mode 100644 index 3cdc5b2..0000000 --- a/old/Graphics/map/map_Floor.csv +++ /dev/null @@ -1,50 +0,0 @@ -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,273,274,274,274,274,274,274,274,274,274,274,274,274,274,274,273,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,410,411,411,411,411,411,412,274,274,273,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,273,274,170,188,188,171,274,274,166,274,274,274,166,410,475,396,397,397,397,398,476,411,411,412,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,170,188,189,268,266,187,188,188,171,274,274,274,410,475,396,446,419,419,419,445,397,397,398,476,412,274,274,274,274,274,274,274,274,274,274,274,274,271,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,170,188,188,188,188,189,267,265,264,265,264,264,244,165,166,166,166,432,396,446,419,419,419,419,419,419,419,445,398,476,411,411,412,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,167,266,268,264,266,268,264,264,268,266,264,245,244,187,171,166,166,432,418,419,419,419,419,419,419,419,419,419,445,397,398,510,476,411,412,166,166,166,166,166,166,166,166,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,167,265,266,268,265,267,265,264,266,268,265,264,265,268,165,166,166,432,418,419,419,419,485,419,419,419,419,419,419,419,420,433,433,433,434,166,166,166,166,166,166,166,166,166,274,273,274,274,274,274,274,274 -274,274,274,274,274,192,145,267,268,265,264,268,264,245,265,245,264,266,264,165,166,166,432,440,424,419,419,419,419,419,419,423,441,441,441,442,433,507,433,434,166,166,166,166,166,166,166,166,166,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,192,144,144,145,264,264,264,264,245,264,266,264,266,165,166,166,432,510,440,441,441,441,441,441,441,442,433,433,510,433,433,433,509,434,166,166,166,166,166,166,166,166,166,274,274,274,274,274,271,274,274 -274,274,274,274,274,274,274,274,274,192,145,264,266,268,245,264,264,264,143,193,166,166,432,508,433,433,433,433,433,433,433,509,433,433,433,433,433,433,433,434,166,166,166,166,166,166,166,166,166,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,167,268,268,267,267,264,264,143,193,166,166,166,413,414,414,414,414,414,414,415,262,262,413,414,414,414,414,414,414,415,166,166,166,166,166,166,166,166,166,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,192,145,268,266,267,264,266,165,166,166,166,166,435,436,436,436,436,436,436,437,284,284,435,436,436,436,436,436,436,437,166,166,166,166,166,166,166,166,274,271,274,274,274,274,273,274,274 -274,274,274,274,274,274,274,274,274,274,271,167,266,266,268,264,267,187,188,188,188,188,457,458,458,458,458,458,458,459,306,306,457,458,458,458,458,458,458,459,188,188,188,188,188,188,171,166,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,170,189,264,265,245,264,264,264,268,245,264,245,267,268,245,268,267,268,267,266,154,156,265,267,265,264,268,264,245,264,266,245,245,264,264,143,193,274,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,167,267,265,267,266,245,268,245,266,244,266,264,268,265,264,268,245,245,264,264,176,178,244,245,267,244,264,264,245,265,268,245,264,264,264,165,274,274,274,274,274,274,271,274,274,274,274 -274,274,274,274,274,274,274,274,170,188,189,265,245,266,244,266,244,266,266,264,244,265,264,268,265,245,268,244,267,265,176,178,244,267,268,267,266,264,264,265,266,245,264,264,264,165,274,252,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,167,267,268,244,268,265,244,267,268,267,267,265,266,265,267,245,268,267,267,265,267,244,176,178,267,264,244,264,244,265,245,244,244,244,245,264,264,187,171,166,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,170,189,267,268,265,268,244,267,268,244,265,266,244,245,244,268,244,267,267,266,267,265,245,176,178,264,266,268,264,245,244,264,267,267,264,245,264,264,264,187,171,274,274,273,274,274,274,274,274,274 -274,274,274,274,274,274,274,167,267,265,268,244,244,265,245,266,244,267,245,245,265,264,265,265,266,266,266,267,264,266,176,178,244,268,265,265,265,244,266,245,267,267,267,268,244,264,264,187,188,171,274,274,274,274,274,274,274 -274,274,274,274,274,274,170,189,265,245,244,245,264,244,264,245,265,268,267,267,244,264,264,267,244,266,265,265,266,268,176,178,266,267,265,244,265,264,245,264,267,265,267,264,266,244,265,264,264,165,274,274,274,274,274,274,274 -274,274,274,274,274,170,189,267,266,267,245,268,264,264,264,265,265,266,266,266,158,221,221,221,221,221,221,221,221,221,248,178,265,268,244,267,266,245,244,245,244,265,265,245,266,264,245,265,264,165,274,274,274,274,274,274,274 -274,274,274,274,274,167,267,265,268,267,267,245,244,264,264,265,266,245,268,266,179,267,265,268,244,245,264,267,268,267,176,178,244,264,245,245,266,244,265,265,265,267,268,244,265,267,264,268,264,165,274,274,274,274,274,274,274 -274,274,274,274,170,189,268,267,245,268,268,245,267,267,268,265,267,245,268,158,227,244,264,267,266,268,267,264,266,266,176,203,155,155,155,155,156,266,267,244,266,267,266,267,266,267,267,244,264,165,274,274,274,274,274,274,274 -274,274,274,274,167,244,244,244,268,244,265,245,266,245,268,265,268,245,265,179,245,264,268,244,245,268,267,264,244,267,198,199,199,199,199,182,178,265,268,266,245,266,264,244,264,245,265,244,264,165,274,274,274,274,274,274,274 -274,274,274,274,167,244,268,244,245,267,245,266,267,266,244,267,267,267,265,179,266,267,266,266,244,265,266,265,245,266,244,267,265,267,244,176,178,244,267,265,245,244,268,265,244,268,264,268,264,165,274,274,274,274,274,274,274 -274,274,274,274,167,267,244,265,265,265,244,245,268,266,267,265,245,245,245,179,264,245,245,266,268,264,266,265,265,267,244,268,267,244,244,176,178,245,266,244,244,268,266,244,267,265,264,244,264,165,274,274,271,274,274,274,274 -274,274,274,274,167,265,245,267,245,265,267,266,265,244,268,267,265,267,265,179,268,266,266,268,244,268,266,267,245,265,268,267,265,267,266,176,178,268,267,245,268,266,265,267,264,266,268,266,143,193,274,274,274,274,274,274,274 -274,274,274,166,167,267,245,265,267,265,265,245,267,245,265,265,266,244,267,179,268,265,266,266,266,266,268,267,266,244,244,244,244,244,268,176,203,155,156,268,265,267,265,245,265,264,267,264,165,274,274,274,274,274,274,274,274 -274,274,274,274,192,145,267,245,266,244,265,245,266,268,245,267,268,266,245,179,244,267,266,245,267,267,245,268,264,265,245,264,266,266,264,198,199,182,178,244,268,265,245,265,245,266,244,264,165,274,274,252,274,274,274,274,274 -274,274,274,274,274,167,265,268,244,268,245,265,244,245,267,267,265,265,264,179,267,267,264,267,267,268,265,264,267,265,265,266,266,265,244,268,244,176,178,265,245,267,268,265,245,268,264,143,193,274,274,274,274,274,274,274,274 -274,274,274,274,274,167,245,266,245,267,245,268,267,265,268,245,268,268,244,179,264,267,265,244,265,266,268,268,267,245,264,244,245,265,266,264,267,176,178,265,266,268,268,268,267,264,143,193,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,167,265,244,268,267,267,265,266,265,264,268,244,268,265,224,222,264,268,245,245,267,264,265,245,244,267,266,267,244,265,244,266,176,178,245,244,266,264,264,143,144,193,274,274,274,274,274,274,274,274,274,274 -274,274,274,274,274,192,144,145,265,244,244,245,265,268,265,268,265,266,268,264,266,245,268,264,244,267,268,268,267,267,244,244,264,267,245,267,266,176,178,268,268,265,264,143,193,274,274,274,274,38,56,39,274,274,274,274,274 -274,274,274,274,274,274,274,192,145,268,265,245,268,267,244,264,244,244,268,264,266,265,264,268,264,264,266,265,266,245,245,268,265,264,264,264,264,198,200,264,264,264,143,193,274,274,271,274,38,57,23,33,274,274,274,274,274 -274,274,274,274,274,274,274,274,192,145,265,267,267,266,245,268,268,267,265,264,268,267,264,267,268,268,244,265,245,244,244,264,264,264,143,144,144,286,288,144,144,144,193,274,274,274,274,38,57,23,23,33,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,192,144,145,267,266,265,264,244,244,266,266,266,244,268,245,265,268,245,264,267,265,264,264,143,144,193,274,274,308,310,274,274,252,274,274,274,274,38,57,23,23,23,33,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,192,144,145,266,265,245,244,264,267,244,265,264,267,268,244,264,266,267,265,264,143,193,274,274,274,274,308,310,274,274,274,274,274,38,56,57,23,23,23,23,33,274,252,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,167,266,266,268,264,267,266,265,244,266,266,267,245,244,245,267,265,143,193,274,274,252,274,274,308,310,274,271,274,38,56,57,23,23,23,23,23,23,33,274,274,274,274,274 -274,274,274,274,274,274,274,273,274,274,274,274,274,167,245,245,266,265,268,266,265,268,268,267,244,268,245,244,245,264,165,271,274,274,38,56,56,330,332,56,56,56,57,23,23,23,23,23,23,23,23,33,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,167,264,244,268,265,265,245,245,267,267,267,264,267,265,267,264,143,193,274,274,274,35,27,46,112,114,44,28,23,23,23,23,23,23,23,23,23,23,55,39,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,192,145,264,264,244,244,244,245,267,244,245,245,244,264,264,143,193,274,274,274,38,57,24,112,110,113,110,22,23,23,23,23,23,23,23,23,23,23,23,33,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,271,274,274,192,145,264,264,265,268,244,265,245,245,264,143,144,144,193,274,274,273,38,57,23,24,110,111,110,0,50,23,23,23,27,45,45,28,23,23,23,23,33,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,192,145,264,267,245,265,268,268,268,264,165,274,274,271,274,274,38,57,23,23,49,2,114,0,50,23,23,27,45,46,110,114,44,28,23,23,11,61,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,192,144,144,144,144,144,144,144,144,193,274,274,274,274,38,57,23,23,23,23,49,1,50,23,23,23,24,110,112,114,114,112,22,23,23,33,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,34,38,57,23,23,23,23,23,23,23,23,23,23,23,49,2,110,112,111,0,50,23,23,33,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,271,274,274,274,274,273,274,273,274,274,274,274,273,274,35,23,23,23,23,23,23,23,23,23,23,23,23,23,49,1,1,1,50,23,23,11,61,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,271,274,274,274,274,60,12,12,12,12,13,23,23,11,12,13,23,23,23,23,23,23,23,23,23,23,33,274,252,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,273,274,274,274,274,274,274,252,274,274,274,274,274,274,274,274,271,274,274,274,274,274,60,12,12,61,34,60,12,12,12,12,12,12,12,13,23,11,61,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,252,274,274,274,274,274,274,274,274,274,60,12,61,274,274,274,274,274,274,274 -274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,273,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274,274 diff --git a/old/Graphics/map/map_FloorBlocks.csv b/old/Graphics/map/map_FloorBlocks.csv deleted file mode 100644 index 2727b5a..0000000 --- a/old/Graphics/map/map_FloorBlocks.csv +++ /dev/null @@ -1,50 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,395,395,395,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,395,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,395,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,-1,395,395,395,395,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,395,395,395,395,395,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,395,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,395,395,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,395,395,395,395,395,395,395,395,-1,-1,395,395,395,395,395,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,395,-1,-1,395,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,395,395,395,395,395,395,395,395,395,395,395,395,395,-1,-1,395,395,395,395,395,395,395,395,395,395,395,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,395,395,-1,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,-1,395,395,395,395,-1,-1,-1,-1,395,395,-1,-1,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,395,-1,-1,395,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,395,-1,-1,395,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,395,-1,-1,395,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,395,395,395,-1,-1,395,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,395,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,395,395,395,395,395,395,395,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,395,395,395,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,395,-1,395,395,395,395,395,395,395,395,395,-1,395,395,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,395,395,395,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Graphics/map/map_Grass.csv b/old/Graphics/map/map_Grass.csv deleted file mode 100644 index 88630fc..0000000 --- a/old/Graphics/map/map_Grass.csv +++ /dev/null @@ -1,50 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,10,8,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,9,9,8,10,10,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,8,10,9,10,10,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,8,-1,10,8,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,8,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,10,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,8,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,9,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,8,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,10,9,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,10,9,8,-1,9,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,9,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,10,-1,-1,8,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,10,9,9,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,8,10,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,9,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,9,-1,-1,10,9,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,8,-1,9,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,8,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,-1,9,8,10,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,8,8,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,10,-1,-1,9,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,8,-1,10,9,-1,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,8,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Graphics/map/map_Objects.csv b/old/Graphics/map/map_Objects.csv deleted file mode 100644 index c98bb35..0000000 --- a/old/Graphics/map/map_Objects.csv +++ /dev/null @@ -1,50 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,6,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,7,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,19,-1,-1,-1,-1,6,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,14,-1,-1,-1,-1,14,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,20,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,14,-1,-1,-1,-1,-1,-1,-1,-1,14,-1,-1,-1,-1,10,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,14,5,-1,-1,-1,-1,10,-1,-1,-1,-1,14,-1,2,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,9,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,4,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,2,-1,-1,-1,-1,2,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,4,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,3,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,14,-1,14,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,12,12,8,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,2,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,12,15,-1,12,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,14,-1,13,-1,14,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,14,-1,14,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Map/main_hub.png b/old/Map/main_hub.png deleted file mode 100644 index 72a6d43..0000000 Binary files a/old/Map/main_hub.png and /dev/null differ diff --git a/old/Map/main_hub_Aestetics.csv b/old/Map/main_hub_Aestetics.csv deleted file mode 100644 index 974cf19..0000000 --- a/old/Map/main_hub_Aestetics.csv +++ /dev/null @@ -1,40 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,165,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,149,181,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,101,133,-1,149,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,139,140,141,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,117,149,-1,165,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,155,156,157,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,101,181,165,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,171,172,173,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,165,-1,101,117,-1,181,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,181,-1,117,165,101,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,181,117,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,56,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,24,-1,-1,72,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Map/main_hub_Aesthetics.csv b/old/Map/main_hub_Aesthetics.csv deleted file mode 100644 index 974cf19..0000000 --- a/old/Map/main_hub_Aesthetics.csv +++ /dev/null @@ -1,40 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,165,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,149,181,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,101,133,-1,149,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,139,140,141,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,117,149,-1,165,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,155,156,157,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,101,181,165,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,171,172,173,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,165,-1,101,117,-1,181,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,181,-1,117,165,101,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,181,117,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,8,-1,-1,56,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,24,-1,-1,72,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Map/main_hub_Enemies.csv b/old/Map/main_hub_Enemies.csv deleted file mode 100644 index 1bb9047..0000000 --- a/old/Map/main_hub_Enemies.csv +++ /dev/null @@ -1,40 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,138,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,138,-1,138,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,138,-1,138,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,138,-1,138,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Map/main_hub_Floor Blocks.csv b/old/Map/main_hub_Floor Blocks.csv deleted file mode 100644 index 2f4c892..0000000 --- a/old/Map/main_hub_Floor Blocks.csv +++ /dev/null @@ -1,40 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,17,17,17,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Map/main_hub_Floor.csv b/old/Map/main_hub_Floor.csv deleted file mode 100644 index 9039e76..0000000 --- a/old/Map/main_hub_Floor.csv +++ /dev/null @@ -1,40 +0,0 @@ -8,3,18,11,17,17,24,8,0,27,25,20,20,8,25,1,27,25,20,10,0,1,8,10,24,20,9,26,18,16,24,1,24,4,11,20,26,0,16,9,8,10,9,24,24,27,8,19,2,0,16,19,10,11,17,26,1,26,3,2 -28,20,19,3,27,24,26,18,25,24,24,24,16,28,9,27,19,27,10,27,18,24,16,8,0,3,12,24,26,12,11,20,4,26,18,4,11,11,11,16,28,16,11,1,16,11,4,24,10,0,17,16,20,25,8,12,27,9,4,4 -18,12,4,0,4,19,11,16,20,4,28,27,9,2,11,2,27,24,12,20,28,11,1,24,10,2,12,27,4,28,24,1,1,24,11,3,4,10,9,12,2,27,11,11,3,24,1,12,9,25,8,16,3,12,3,24,27,4,25,20 -19,1,20,12,17,3,25,19,2,2,11,4,1,8,25,8,28,24,0,20,4,28,16,9,25,19,1,9,26,11,24,20,24,19,4,12,19,26,1,2,3,0,17,3,26,17,18,10,0,3,12,3,28,2,10,18,17,1,1,12 -19,0,10,1,12,16,9,25,9,16,8,9,17,28,1,19,9,10,11,11,25,0,11,26,10,19,4,18,11,4,10,24,12,11,24,11,0,18,1,25,4,27,19,0,28,28,12,16,19,18,1,4,25,10,8,2,19,2,24,1 -9,2,11,11,9,9,26,28,8,11,2,0,20,19,11,24,18,4,25,25,2,11,25,26,9,19,1,26,19,26,1,16,9,26,28,8,3,12,19,12,10,16,4,2,16,11,1,28,3,3,1,8,18,28,1,26,19,10,9,3 -1,9,0,18,4,0,18,19,16,19,28,9,9,9,9,9,25,12,27,25,2,8,2,28,0,1,4,12,27,8,0,24,8,3,24,0,8,11,24,3,1,10,19,0,2,25,9,9,9,9,2,4,28,2,4,2,0,3,28,18 -19,1,1,9,3,4,19,27,1,0,4,25,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,10,19,3,3,28,18,18,28,18,20 -9,10,24,11,19,24,19,10,19,1,25,3,9,9,9,9,3,16,19,2,16,4,9,19,17,10,27,19,4,2,16,28,11,28,10,3,16,4,2,2,2,11,12,25,2,11,9,9,9,9,18,17,0,8,19,19,12,9,11,28 -20,8,9,24,10,20,16,25,25,28,20,16,9,9,9,12,19,28,28,2,12,19,26,17,16,3,24,27,1,2,1,4,4,18,10,28,20,11,26,26,17,11,3,17,10,2,11,9,9,27,2,17,2,12,2,27,2,0,24,11 -20,0,8,26,24,1,2,1,1,17,20,27,12,9,9,25,40,40,32,32,40,40,40,32,33,32,33,32,33,40,40,33,40,40,40,40,40,33,33,32,33,33,40,40,33,33,25,9,9,17,10,9,19,19,12,24,19,10,3,20 -27,19,10,20,3,25,16,8,2,28,10,26,18,9,9,32,40,33,40,40,40,33,32,32,33,32,40,40,40,33,40,40,40,33,32,40,33,40,40,32,33,32,33,33,33,33,32,9,9,4,18,11,10,9,4,12,8,4,17,9 -20,19,16,19,17,10,27,10,17,27,9,1,9,9,9,32,33,40,33,32,32,33,32,32,40,40,33,32,33,40,32,40,32,40,40,40,40,33,32,40,33,33,40,33,40,33,40,9,9,10,2,0,20,2,26,3,20,28,9,28 -12,24,3,12,12,11,2,8,27,17,27,20,2,9,9,32,33,33,32,32,40,40,40,33,32,32,33,40,32,32,40,32,33,40,40,40,33,40,32,40,32,32,40,32,40,40,40,9,9,24,10,18,27,9,11,0,8,9,17,3 -28,2,11,12,11,16,20,11,2,3,16,12,20,9,9,40,40,33,32,40,33,40,40,33,33,33,33,40,33,32,40,32,32,33,40,32,32,33,33,32,33,40,32,40,33,32,33,9,9,26,18,4,25,10,28,8,10,12,2,28 -4,24,28,9,11,1,20,28,24,26,16,27,18,9,9,33,40,33,40,33,32,40,33,33,32,33,40,32,32,32,33,32,32,32,40,40,40,40,33,32,32,33,32,32,32,32,32,9,9,4,2,18,12,19,4,4,2,9,0,17 -18,1,11,4,3,1,19,17,28,18,3,11,18,9,9,33,33,40,32,32,33,40,40,32,40,32,40,40,33,33,33,40,33,32,40,32,40,33,32,33,40,32,40,32,32,33,33,9,9,25,10,17,28,10,4,20,1,9,17,18 -19,24,11,3,25,19,8,26,12,12,17,1,12,9,9,33,32,32,40,40,40,32,40,40,40,32,33,40,33,40,33,33,33,40,32,40,33,33,33,40,40,33,32,33,40,33,33,9,9,27,18,24,1,25,28,12,20,18,26,1 -2,12,0,11,26,19,17,18,4,2,17,4,8,9,9,40,40,32,40,40,40,40,32,54,55,32,32,40,40,40,32,33,40,40,32,32,32,32,33,32,40,33,40,32,33,40,33,9,9,2,2,25,10,28,27,11,2,1,1,26 -28,28,19,16,11,24,28,16,18,1,24,0,18,9,9,40,40,33,32,33,40,32,40,33,40,40,32,40,33,40,32,40,40,33,33,40,40,32,40,32,32,40,33,40,33,40,32,9,9,1,10,9,24,10,0,27,2,0,2,26 -17,17,9,8,27,24,9,12,4,27,12,27,27,9,9,32,32,33,32,32,32,33,32,32,40,40,33,32,33,40,40,33,33,40,33,32,32,32,32,32,32,32,33,32,32,32,40,9,9,24,18,24,20,9,27,27,0,16,1,0 -8,18,27,26,4,4,9,26,18,11,20,1,28,9,9,33,40,40,40,33,32,32,32,40,40,40,33,40,40,33,40,40,40,33,40,32,33,32,33,33,40,40,40,32,40,40,33,9,9,0,2,8,26,28,10,16,26,17,18,18 -25,27,26,9,10,10,24,25,8,10,16,16,0,9,9,33,33,33,40,40,33,33,40,32,40,32,32,40,33,33,40,33,40,33,32,33,40,33,40,40,32,32,40,40,40,40,33,9,9,11,10,24,25,9,8,3,0,25,4,26 -27,26,19,24,27,18,25,3,4,24,3,12,1,9,9,32,33,32,33,40,32,40,33,40,40,33,33,32,32,40,32,32,33,32,32,32,33,33,33,40,32,33,33,40,33,32,33,9,9,9,18,4,26,9,12,17,10,11,19,11 -3,3,9,10,19,12,9,3,12,8,25,25,20,9,9,40,33,32,33,40,32,33,33,33,32,32,40,33,33,33,33,32,40,40,32,33,32,33,33,32,33,40,40,40,32,32,32,9,9,20,2,11,27,12,26,17,1,2,0,3 -11,24,10,16,12,24,24,24,9,20,16,8,4,9,9,32,40,40,32,33,32,40,33,32,33,40,40,32,40,40,33,40,33,33,32,40,40,32,33,33,32,32,32,32,40,32,40,9,9,3,10,18,16,2,19,9,18,2,20,2 -24,25,16,0,20,17,26,10,11,17,9,26,2,9,9,33,40,33,33,40,33,32,33,40,33,32,33,32,33,33,32,40,40,40,32,33,32,33,40,40,40,40,33,33,33,40,33,9,9,26,18,2,17,16,25,0,4,27,11,28 -24,12,1,1,1,25,10,18,11,19,12,4,8,9,9,32,40,33,40,40,32,40,32,32,32,40,40,40,33,33,33,40,40,32,32,40,33,32,33,32,40,40,33,40,40,33,33,9,9,2,2,19,26,4,24,19,12,8,3,1 -9,27,18,27,18,18,26,1,9,18,25,16,8,9,9,32,33,33,32,40,40,32,32,40,40,33,33,32,33,32,33,40,32,32,40,33,32,32,33,40,40,40,32,32,40,33,40,9,9,12,10,18,10,0,24,10,19,1,9,16 -2,16,10,3,19,20,2,28,18,4,19,25,9,9,9,32,32,40,32,33,33,40,33,32,40,40,33,40,32,32,40,33,33,32,33,33,32,32,33,40,32,40,32,40,32,33,33,9,9,27,18,8,1,16,3,27,26,17,17,8 -3,25,10,26,1,3,11,12,17,26,10,0,9,9,9,9,33,32,32,32,32,33,33,32,40,32,33,33,40,33,40,40,32,32,32,40,33,33,32,40,40,32,40,33,33,32,9,9,9,9,2,10,11,12,18,20,3,10,8,9 -2,1,0,28,17,12,9,8,9,26,3,26,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,9,10,2,18,1,9,24,0,24,4,0 -3,20,20,0,26,8,0,16,28,26,17,20,9,9,9,9,25,3,12,3,17,10,26,27,24,18,9,0,27,8,32,32,25,28,10,9,4,8,18,4,27,27,28,11,8,17,9,9,9,9,18,24,20,3,16,17,17,1,3,27 -1,0,18,28,8,10,2,3,11,20,20,11,28,28,1,26,1,18,11,1,0,26,18,18,17,25,17,18,19,19,32,32,27,16,11,16,9,1,25,4,16,4,24,3,17,2,24,18,10,0,2,9,16,25,11,26,4,18,3,2 -8,4,10,16,27,16,0,0,16,3,8,9,1,0,28,8,28,17,19,25,12,18,1,12,16,4,12,1,24,24,20,28,27,9,11,12,8,10,17,26,3,2,9,24,0,9,18,26,20,20,10,28,12,12,12,2,3,17,20,17 -19,1,26,16,11,18,24,25,3,28,26,1,11,11,19,27,11,12,2,4,26,25,4,1,17,4,17,11,0,27,16,18,2,27,26,2,17,8,17,27,17,3,26,19,11,11,24,26,26,26,11,9,11,1,10,10,28,12,8,8 -9,25,9,20,4,26,2,24,16,1,0,11,18,12,17,9,27,0,10,1,25,4,10,24,1,4,0,4,20,9,11,17,10,0,18,20,28,24,2,17,17,25,8,1,2,26,2,0,17,11,16,8,9,8,0,3,27,18,3,1 -19,25,8,19,10,18,18,28,0,18,27,28,25,28,18,25,10,25,28,24,26,20,9,26,24,24,18,9,24,3,8,10,0,1,28,28,12,2,11,20,4,20,12,25,27,20,12,20,19,4,10,2,25,3,0,8,26,3,9,26 -4,18,0,1,2,10,12,9,27,24,2,26,26,28,10,11,20,11,8,26,19,10,8,20,11,25,17,10,2,9,25,26,25,10,16,26,11,2,11,10,10,17,19,18,28,1,25,24,18,16,10,16,16,24,20,8,26,24,10,8 -4,12,0,3,3,11,2,8,11,16,2,17,12,9,8,0,1,18,16,3,0,24,8,12,0,2,27,24,26,9,2,8,24,2,10,9,17,25,20,27,19,17,3,10,17,28,11,8,24,0,25,12,16,1,27,18,12,24,3,19 diff --git a/old/Map/main_hub_Player.csv b/old/Map/main_hub_Player.csv deleted file mode 100644 index 95d14d3..0000000 --- a/old/Map/main_hub_Player.csv +++ /dev/null @@ -1,40 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,156,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 diff --git a/old/Map/main_hub_Walls.csv b/old/Map/main_hub_Walls.csv deleted file mode 100644 index e3dccfe..0000000 --- a/old/Map/main_hub_Walls.csv +++ /dev/null @@ -1,40 +0,0 @@ --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,18,18,19,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,18,18,19,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,33,-1,-1,35,28,29,28,30,18,18,30,28,18,29,30,29,28,18,29,18,18,18,18,18,30,29,29,18,29,29,28,30,18,28,33,-1,-1,35,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,33,-1,34,35,21,97,97,98,99,100,22,98,22,97,98,99,100,100,97,98,99,100,97,98,99,100,50,98,100,22,97,98,99,22,33,34,34,35,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,49,50,50,51,37,113,113,114,115,116,38,66,38,113,114,115,116,116,113,114,115,116,113,114,115,116,66,114,113,38,113,114,115,38,49,50,50,51,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,65,41,42,67,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,65,56,42,67,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,25,26,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,25,26,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,25,26,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,25,26,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,44,45,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,60,61,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,25,26,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,25,26,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,41,42,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,57,58,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,18,18,19,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,17,18,18,19,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,33,-1,-1,35,18,30,18,30,18,30,29,29,28,30,29,30,30,29,30,30,28,18,29,29,30,28,30,18,29,29,18,18,28,28,33,-1,-1,35,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,33,-1,34,35,21,97,149,102,97,22,146,102,99,146,148,102,98,100,77,78,22,50,102,149,148,97,102,99,100,145,102,148,149,50,33,34,34,35,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,49,50,50,51,37,113,165,118,113,38,162,118,115,162,164,118,114,116,93,94,38,66,118,165,164,113,118,115,116,161,118,164,165,66,49,50,50,51,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,65,66,66,67,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,20,24,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,65,66,66,67,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,52,56,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1 --1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1,-1