diff --git a/Code/Ball_Detection/TFLite-1/ball-detection-model.tflite b/Code/Ball_Detection/TFLite-1/ball-detection-model.tflite
new file mode 100644
index 0000000000000000000000000000000000000000..f199de8bc2075fe4df29fe20cb184585fa99956e
Binary files /dev/null and b/Code/Ball_Detection/TFLite-1/ball-detection-model.tflite differ
diff --git a/Code/Ball_Detection/TFLite-1/ball-detection-tflite.py b/Code/Ball_Detection/TFLite-1/ball-detection-tflite.py
new file mode 100644
index 0000000000000000000000000000000000000000..3b3695c79e334aa8b85e9b6bf14940cb6a9af1b7
--- /dev/null
+++ b/Code/Ball_Detection/TFLite-1/ball-detection-tflite.py
@@ -0,0 +1,155 @@
+import os
+import cv2
+import numpy as np
+import tensorflow as tf
+
+from PIL import Image
+from absl import logging
+from tflite_model_maker import model_spec
+from tflite_model_maker.config import ExportFormat
+from tflite_model_maker.object_detector import create, DataLoader
+
+assert tf.__version__.startswith('2')
+tf.get_logger().setLevel('ERROR')
+logging.set_verbosity(logging.ERROR)
+
+spec = model_spec.get('efficientdet_lite0')
+
+train_data      = DataLoader.from_pascal_voc('../images/train-test-2/train/images',
+                                             '../images/train-test-2/train/annotations',
+                                             label_map = {1: 'ball'})
+validation_data = DataLoader.from_pascal_voc('../images/train-test-2/validation/images',
+                                             '../images/train-test-2/validation/annotations',
+                                             label_map = {1: 'ball'})
+test_data       = DataLoader.from_pascal_voc('../images/train-test-2/test/images',
+                                             '../images/train-test-2/test/annotations',
+                                             label_map = {1: 'ball'})
+
+model = create(train_data, model_spec = spec, batch_size = 8, train_whole_model = True, validation_data = validation_data)
+
+model.evaluate(test_data)
+
+model.export(export_dir='.',
+             tflite_filename      =       'ball-detection-model.tflite',
+             label_filename       =       'ball-detection-labels.txt',
+             vocab_filename       =       'ball-detection-vocab.txt',
+             saved_model_filename = 'saved_ball-detection-model')
+
+model.evaluate_tflite('ball-detection-model.tflite', test_data)
+
+model_path = 'ball-detection-model.tflite'
+INPUT_IMAGE_URL = "../images/train-test-2/test/images/036.jpg"
+DETECTION_THRESHOLD = 0.75
+
+# Load the labels into a list
+classes = ['???'] * model.model_spec.config.num_classes
+label_map = model.model_spec.config.label_map
+for label_id, label_name in label_map.as_dict().items():
+  classes[label_id-1] = label_name
+
+# Define a list of colors for visualization
+COLORS = np.random.randint(0, 255, size=(len(classes), 3), dtype=np.uint8)
+
+def preprocess_image(image_path, input_size):
+  """Preprocess the input image to feed to the TFLite model"""
+  img = tf.io.read_file(image_path)
+  img = tf.io.decode_image(img, channels=3)
+  img = tf.image.convert_image_dtype(img, tf.uint8)
+  original_image = img
+  resized_img = tf.image.resize(img, input_size)
+  resized_img = resized_img[tf.newaxis, :]
+  return resized_img, original_image
+
+def set_input_tensor(interpreter, image):
+  """Set the input tensor."""
+  tensor_index = interpreter.get_input_details()[0]['index']
+  input_tensor = interpreter.tensor(tensor_index)()[0]
+  input_tensor[:, :] = image
+
+def get_output_tensor(interpreter, index):
+  """Retur the output tensor at the given index."""
+  output_details = interpreter.get_output_details()[index]
+  tensor = np.squeeze(interpreter.get_tensor(output_details['index']))
+  return tensor
+
+def detect_objects(interpreter, image, threshold):
+  """Returns a list of detection results, each a dictionary of object info."""
+  # Feed the input image to the model
+  set_input_tensor(interpreter, image)
+  interpreter.invoke()
+
+  # Get all outputs from the model
+  boxes = get_output_tensor(interpreter, 0)
+  classes = get_output_tensor(interpreter, 1)
+  scores = get_output_tensor(interpreter, 2)
+  count = int(get_output_tensor(interpreter, 3))
+
+  results = []
+  for i in range(count):
+    if scores[i] >= threshold:
+      result = {
+        'bounding_box': boxes[i],
+        'class_id': classes[i],
+        'score': scores[i]
+      }
+      results.append(result)
+  return results
+
+def run_odt_and_draw_results(image_path, interpreter, threshold=0.5):
+  """Run object detection on the input image and draw the detection results"""
+  # Load the input shape required by the model
+  _, input_height, input_width, _ = interpreter.get_input_details()[0]['shape']
+
+  # Load the input image and preprocess it
+  preprocessed_image, original_image = preprocess_image(
+      image_path,
+      (input_height, input_width)
+    )
+
+  # Run object detection on the input image
+  results = detect_objects(interpreter, preprocessed_image, threshold=threshold)
+
+  # Plot the detection results on the input image
+  original_image_np = original_image.numpy().astype(np.uint8)
+  for obj in results:
+    # Convert the object bounding box from relative coordinates to absolute
+    # coordinates based on the original image resolution
+    ymin, xmin, ymax, xmax = obj['bounding_box']
+    xmin = int(xmin * original_image_np.shape[1])
+    xmax = int(xmax * original_image_np.shape[1])
+    ymin = int(ymin * original_image_np.shape[0])
+    ymax = int(ymax * original_image_np.shape[0])
+
+    # Find the class index of the current object
+    class_id = int(obj['class_id'])
+
+    # Draw the bounding box and label on the image
+    color = [int(c) for c in COLORS[class_id]]
+    cv2.rectangle(original_image_np, (xmin, ymin), (xmax, ymax), color, 2)
+    # Make adjustments to make the label visible for all objects
+    y = ymin - 15 if ymin - 15 > 15 else ymin + 15
+    label = "{}: {:.0f}%".format(classes[class_id], obj['score'] * 100)
+    cv2.putText(original_image_np, label, (xmin, y),
+        cv2.FONT_HERSHEY_SIMPLEX, 0.5, color, 2)
+
+  # Return the final image
+  original_uint8 = original_image_np.astype(np.uint8)
+  return original_uint8
+
+im = Image.open(INPUT_IMAGE_URL)
+im.thumbnail((512, 512), Image.ANTIALIAS)
+im.save(INPUT_IMAGE_URL, 'PNG')
+
+# Load the TFLite model
+interpreter = tf.lite.Interpreter(model_path=model_path)
+interpreter.allocate_tensors()
+
+# Run inference and draw detection result on the local copy of the original file
+detection_result_image = run_odt_and_draw_results(
+    INPUT_IMAGE_URL,
+    interpreter,
+    threshold=DETECTION_THRESHOLD
+)
+
+# Show the detection result
+Image.fromarray(detection_result_image)
\ No newline at end of file
diff --git a/Code/Ball_Detection/TFLite-1/flowers-classification-model.tflite b/Code/Ball_Detection/TFLite-1/flowers-classification-model.tflite
new file mode 100644
index 0000000000000000000000000000000000000000..dfdb8d1d0b970de34b48b85cf79b9983b5dfb48e
Binary files /dev/null and b/Code/Ball_Detection/TFLite-1/flowers-classification-model.tflite differ
diff --git a/Code/Ball_Detection/TFLite-1/flowers-classification-tflite.py b/Code/Ball_Detection/TFLite-1/flowers-classification-tflite.py
new file mode 100644
index 0000000000000000000000000000000000000000..69042bce64f79ab3f381e4417067b3d52a85e765
--- /dev/null
+++ b/Code/Ball_Detection/TFLite-1/flowers-classification-tflite.py
@@ -0,0 +1,49 @@
+import os
+
+import numpy as np
+
+import tensorflow as tf
+assert tf.__version__.startswith('2')
+
+from tflite_model_maker import model_spec
+from tflite_model_maker import image_classifier
+from tflite_model_maker.config import ExportFormat
+from tflite_model_maker.config import QuantizationConfig
+from tflite_model_maker.image_classifier import DataLoader
+
+import matplotlib.pyplot as plt
+
+image_path = tf.keras.utils.get_file(
+      'flower_photos.tgz',
+      'https://storage.googleapis.com/download.tensorflow.org/example_images/flower_photos.tgz',
+      extract=True)
+image_path = os.path.join(os.path.dirname(image_path), 'flower_photos')
+
+data = DataLoader.from_folder(image_path)
+train_data, rest_data = data.split(0.8)
+validation_data, test_data = rest_data.split(0.5)
+
+model = image_classifier.create(train_data, validation_data=validation_data)
+
+model.summary()
+
+loss, accuracy = model.evaluate(test_data)
+
+model.export(export_dir='.',
+             tflite_filename='flowers-classification-model.tflite',
+             label_filename='flowers-classification-labels.txt',
+             vocab_filename='flowers-classification-vocab.txt',
+             saved_model_filename='saved_flowers-classification-model')
+
+model.evaluate_tflite('flowers-classification-model.tflite', test_data)
+
+plt.figure(figsize=(10,10))
+for i, (image, label) in enumerate(data.gen_dataset().unbatch().take(25)):
+  plt.subplot(5,5,i+1)
+  plt.xticks([])
+  plt.yticks([])
+  plt.grid(False)
+  plt.imshow(image.numpy(), cmap=plt.cm.gray)
+  plt.xlabel(data.index_to_label[label.numpy()])
+plt.show()
+
diff --git a/Code/Ball_Detection/TFLite-2/ball-detection-tflite.py b/Code/Ball_Detection/TFLite-2/ball-detection-tflite.py
new file mode 100644
index 0000000000000000000000000000000000000000..92ede401544c019bba1bfffee18cd7998fa5d520
--- /dev/null
+++ b/Code/Ball_Detection/TFLite-2/ball-detection-tflite.py
@@ -0,0 +1,34 @@
+# Taken from https://github.com/NSTiwari/Custom-Object-Detection-on-Android-using-TF-Lite/blob/master/Custom_Object_Detection_using_TF_Lite_Model_Maker.ipynb
+
+import numpy as np
+import os
+import glob
+import PIL.Image
+
+from tflite_model_maker.config import ExportFormat
+from tflite_model_maker import model_spec
+from tflite_model_maker import object_detector
+
+import tensorflow as tf
+assert tf.__version__.startswith('2')
+
+tf.get_logger().setLevel('ERROR')
+from absl import logging
+logging.set_verbosity(logging.ERROR)
+
+img = PIL.Image.open('/content/cartoon-detection/train/images/cartoon57.jpg')
+img.format
+
+spec = model_spec.get('efficientdet_lite2')
+
+train_data = object_detector.DataLoader.from_pascal_voc("/content/cartoon-detection/train/images", "/content/cartoon-detection/train/annotations", ['doraemon', 'mrbean', 'scooby', 'mickey', 'mcqueen'])
+
+validation_data = object_detector.DataLoader.from_pascal_voc('cartoon-detection/test/images', 'cartoon-detection/test/annotations', ['doraemon', 'mrbean', 'scooby', 'mickey', 'mcqueen'])
+
+model = object_detector.create(train_data, model_spec=spec, batch_size=4, train_whole_model=True, validation_data=validation_data)
+
+model.evaluate(validation_data)
+
+model.export(export_dir='.')
+
+model.evaluate_tflite('model.tflite', validation_data)
diff --git a/Code/Ball_Detection/images/deep-cropped/1280-1024/capture1.jpg b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..2256f6137da241a9edeebfbbed2b2654c3c88fd5
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture1.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/1280-1024/capture2.jpg b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture2.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b9eb16d11fc00daa272512e1ca1b6d35dfc804b9
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture2.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/1280-1024/capture3.jpg b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture3.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..77c01efcfb1f93788da8a96a403f77b7dbf6db3f
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture3.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/1280-1024/capture4.jpg b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture4.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..841b88a88afbc651dc10fffa4fc0e141fdb1d9d2
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture4.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/1280-1024/capture5.jpg b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture5.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..01854844860c07271f0ec313e52cfbcd3ca63071
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture5.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/1280-1024/capture6.jpg b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture6.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e4edd982294d35761207f9c6b552d674127aece1
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture6.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/1280-1024/capture7.jpg b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture7.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..9201f7548b55f14b0c21798c485874abded75e41
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture7.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/1280-1024/capture8.jpg b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture8.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..8bb75a1b16676a927aa7dfbf26004a7f447ac83f
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/1280-1024/capture8.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/800-600/capture1.jpg b/Code/Ball_Detection/images/deep-cropped/800-600/capture1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..400bb13238a71f6130f02ec5de19417826be6b18
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/800-600/capture1.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/800-600/capture2.jpg b/Code/Ball_Detection/images/deep-cropped/800-600/capture2.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..449f9bbafaf967cb703b7646c9d8c58377717304
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/800-600/capture2.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/800-600/capture3.jpg b/Code/Ball_Detection/images/deep-cropped/800-600/capture3.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ce29c90c1ebc12dfffb0edc805498388c5399f6d
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/800-600/capture3.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/800-600/capture4.jpg b/Code/Ball_Detection/images/deep-cropped/800-600/capture4.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..fa4791a3e1680d771bc3f677de8e7a6f984dfcce
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/800-600/capture4.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/800-600/capture5.jpg b/Code/Ball_Detection/images/deep-cropped/800-600/capture5.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..51172b80cd0592c7bbdfa89967f29fe7ec00e72d
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/800-600/capture5.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/800-600/capture6.jpg b/Code/Ball_Detection/images/deep-cropped/800-600/capture6.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..6c3842a379f4566d5b7949cbcb93db274720c5ce
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/800-600/capture6.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/800-600/capture7.jpg b/Code/Ball_Detection/images/deep-cropped/800-600/capture7.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..6641e3439b88aa3cadd47b1578da417d1d1a6801
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/800-600/capture7.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/800-600/capture8.jpg b/Code/Ball_Detection/images/deep-cropped/800-600/capture8.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..a9234eafb4e4ff10b383ced33317926017955cae
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/800-600/capture8.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/greenball/greenball1.jpg b/Code/Ball_Detection/images/deep-cropped/greenball/greenball1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..0c57aab14c2d2872b0e97f45043a57bb5bb8eaa2
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/greenball/greenball1.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/greenball/greenball2.jpg b/Code/Ball_Detection/images/deep-cropped/greenball/greenball2.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..baa57d70c55f061ba1acec8545c84311476bce03
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/greenball/greenball2.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/greenball/greenball3.jpg b/Code/Ball_Detection/images/deep-cropped/greenball/greenball3.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f01eaf1d619983385462e79ec5ada4cc4a2d42b6
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/greenball/greenball3.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/greenball/greenball4.jpg b/Code/Ball_Detection/images/deep-cropped/greenball/greenball4.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..2a3567960b0799956a3a0965b6f57a3c5746d159
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/greenball/greenball4.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..206dbe3112eb5fb07c37f3c8bfd1a81ba48d1236
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic0.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic0.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..1a86e793df49d6ba5423cb16a7631ca23411fa48
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic0.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic1.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4a2313887ba781c89241f9931d5c492b3b719a18
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic1.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic2.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic2.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..10b71da666af14dabd2f50a80c4d241441ad298f
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic2.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic3.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic3.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..3f40a3e67928b3f25fffedb937ce2b9855d427ee
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic3.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic4.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic4.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..40307fb1a9a5e40b87b6d30e55396bd0a98d7dfd
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic4.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic5.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic5.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..584ee693e8360b936b4fff159e78a846089a5c9d
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic5.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic6.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic6.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..efa83006b4e4746599c2e63b954ff5183780d498
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic6.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic7.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic7.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4377d3c2aa02c6bd4b0b5f190e10ba91d15a8f90
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic7.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic8.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic8.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..901ec21a6d1a8c3db1db4c324f663dcf6489325c
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic8.jpg differ
diff --git a/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic9.jpg b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic9.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e5404e1df01c83fc729670459f3e9d26c8daea54
Binary files /dev/null and b/Code/Ball_Detection/images/deep-cropped/raspberry-pi-cam/pic9.jpg differ
diff --git a/Code/Ball_Detection/images/originals/1280-1024/capture1.jpg b/Code/Ball_Detection/images/originals/1280-1024/capture1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e7fa8742b5cbda1b1451947f2ffc0c21601851ee
Binary files /dev/null and b/Code/Ball_Detection/images/originals/1280-1024/capture1.jpg differ
diff --git a/Code/Ball_Detection/images/originals/1280-1024/capture2.jpg b/Code/Ball_Detection/images/originals/1280-1024/capture2.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4636583cae80deae09482edaf82ed53108e62fce
Binary files /dev/null and b/Code/Ball_Detection/images/originals/1280-1024/capture2.jpg differ
diff --git a/Code/Ball_Detection/images/originals/1280-1024/capture3.jpg b/Code/Ball_Detection/images/originals/1280-1024/capture3.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..3ec6ab53725323eef64fc39043a552f2ed0e9c6d
Binary files /dev/null and b/Code/Ball_Detection/images/originals/1280-1024/capture3.jpg differ
diff --git a/Code/Ball_Detection/images/originals/1280-1024/capture4.jpg b/Code/Ball_Detection/images/originals/1280-1024/capture4.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..25f5ebbf224e71768a9460fa1fc8640165007700
Binary files /dev/null and b/Code/Ball_Detection/images/originals/1280-1024/capture4.jpg differ
diff --git a/Code/Ball_Detection/images/originals/1280-1024/capture5.jpg b/Code/Ball_Detection/images/originals/1280-1024/capture5.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b0b0d8c3d3c72dd5ea0308267427bb54cc000380
Binary files /dev/null and b/Code/Ball_Detection/images/originals/1280-1024/capture5.jpg differ
diff --git a/Code/Ball_Detection/images/originals/1280-1024/capture6.jpg b/Code/Ball_Detection/images/originals/1280-1024/capture6.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..bf979bb62ca04f6bab3817eb447e3472a84907e1
Binary files /dev/null and b/Code/Ball_Detection/images/originals/1280-1024/capture6.jpg differ
diff --git a/Code/Ball_Detection/images/originals/1280-1024/capture7.jpg b/Code/Ball_Detection/images/originals/1280-1024/capture7.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..af28733532a859187fa77c5e7f4b515b108eae11
Binary files /dev/null and b/Code/Ball_Detection/images/originals/1280-1024/capture7.jpg differ
diff --git a/Code/Ball_Detection/images/originals/1280-1024/capture8.jpg b/Code/Ball_Detection/images/originals/1280-1024/capture8.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..7df9ed2ba38d600169cc16965cd963beedc2dcff
Binary files /dev/null and b/Code/Ball_Detection/images/originals/1280-1024/capture8.jpg differ
diff --git a/Code/Ball_Detection/images/originals/800-600/capture1.jpg b/Code/Ball_Detection/images/originals/800-600/capture1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..da210b186599d659d8c0ee4cb897d31b00b779ce
Binary files /dev/null and b/Code/Ball_Detection/images/originals/800-600/capture1.jpg differ
diff --git a/Code/Ball_Detection/images/originals/800-600/capture2.jpg b/Code/Ball_Detection/images/originals/800-600/capture2.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..2f668b0b3cc7c4bd23a55620c6e0f6d30da39635
Binary files /dev/null and b/Code/Ball_Detection/images/originals/800-600/capture2.jpg differ
diff --git a/Code/Ball_Detection/images/originals/800-600/capture3.jpg b/Code/Ball_Detection/images/originals/800-600/capture3.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..aa61770523dbe66876f68a9de10a2ab882fcf770
Binary files /dev/null and b/Code/Ball_Detection/images/originals/800-600/capture3.jpg differ
diff --git a/Code/Ball_Detection/images/originals/800-600/capture4.jpg b/Code/Ball_Detection/images/originals/800-600/capture4.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..1c15b2e6059b8fdc220d1c4de199341ff847da98
Binary files /dev/null and b/Code/Ball_Detection/images/originals/800-600/capture4.jpg differ
diff --git a/Code/Ball_Detection/images/originals/800-600/capture5.jpg b/Code/Ball_Detection/images/originals/800-600/capture5.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c7ef86a0b8aa8c0d5c664729c8199240dc465706
Binary files /dev/null and b/Code/Ball_Detection/images/originals/800-600/capture5.jpg differ
diff --git a/Code/Ball_Detection/images/originals/800-600/capture6.jpg b/Code/Ball_Detection/images/originals/800-600/capture6.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..46c3fea4cc38d10a19a756eef8c754d653819d11
Binary files /dev/null and b/Code/Ball_Detection/images/originals/800-600/capture6.jpg differ
diff --git a/Code/Ball_Detection/images/originals/800-600/capture7.jpg b/Code/Ball_Detection/images/originals/800-600/capture7.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..a6e00361dfd88daae225bf7a44d00f9a29b0b73e
Binary files /dev/null and b/Code/Ball_Detection/images/originals/800-600/capture7.jpg differ
diff --git a/Code/Ball_Detection/images/originals/800-600/capture8.jpg b/Code/Ball_Detection/images/originals/800-600/capture8.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..cd9fde125f1f1ad416f5c733de4467a70929c03d
Binary files /dev/null and b/Code/Ball_Detection/images/originals/800-600/capture8.jpg differ
diff --git a/Code/Ball_Detection/images/originals/aaron/aaron01.jpg b/Code/Ball_Detection/images/originals/aaron/aaron01.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b5d11535fb256bee21b5d85420a559439552010d
Binary files /dev/null and b/Code/Ball_Detection/images/originals/aaron/aaron01.jpg differ
diff --git a/Code/Ball_Detection/images/originals/aaron/aaron02.jpg b/Code/Ball_Detection/images/originals/aaron/aaron02.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ee96e747ec2c39a544d7756d08b36f47766483f4
Binary files /dev/null and b/Code/Ball_Detection/images/originals/aaron/aaron02.jpg differ
diff --git a/Code/Ball_Detection/images/originals/demo/balloon.jpg b/Code/Ball_Detection/images/originals/demo/balloon.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c7fe34ba8688a88aae4faf321da2eb0b130a2ffa
Binary files /dev/null and b/Code/Ball_Detection/images/originals/demo/balloon.jpg differ
diff --git a/Code/Ball_Detection/images/originals/demo/multiple_balloon.jpg b/Code/Ball_Detection/images/originals/demo/multiple_balloon.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..423981dc86d6a0818d4a4241fa56fd811711372b
Binary files /dev/null and b/Code/Ball_Detection/images/originals/demo/multiple_balloon.jpg differ
diff --git a/Code/Ball_Detection/images/originals/greenball/greenball1.jpg b/Code/Ball_Detection/images/originals/greenball/greenball1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..7e65110f4abb7d5294390fda35995f4f35403394
Binary files /dev/null and b/Code/Ball_Detection/images/originals/greenball/greenball1.jpg differ
diff --git a/Code/Ball_Detection/images/originals/greenball/greenball2.jpg b/Code/Ball_Detection/images/originals/greenball/greenball2.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4e3431452c7ddbf80968e40092bf195ce0e2a045
Binary files /dev/null and b/Code/Ball_Detection/images/originals/greenball/greenball2.jpg differ
diff --git a/Code/Ball_Detection/images/originals/greenball/greenball3.jpg b/Code/Ball_Detection/images/originals/greenball/greenball3.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4b84fb324a694b1745d7a63f92271acdfec5f344
Binary files /dev/null and b/Code/Ball_Detection/images/originals/greenball/greenball3.jpg differ
diff --git a/Code/Ball_Detection/images/originals/greenball/greenball4.jpg b/Code/Ball_Detection/images/originals/greenball/greenball4.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e8ae5e31571a389c7989d88aaf9a654e80bb8159
Binary files /dev/null and b/Code/Ball_Detection/images/originals/greenball/greenball4.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f345f8e0391af4c509346dcdcca1ed01e8b75158
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic0.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic0.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ddb5e6d6764563ead0d9025b9d840cd9eb666b02
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic0.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic1.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..82afb3453d5fc40439c27d61ba3251a92fec2cc4
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic1.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic2.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic2.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..5aaa3ff1b4859f7e0b64d7539bed93f5c5f7cf00
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic2.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic3.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic3.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c81a929fbaa5ad320476af83c8728a51e63a6db0
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic3.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic4.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic4.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b7f30a11957b6611938627276a433b4695d96b0a
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic4.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic5.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic5.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..d2ca1473a93ef6df5b597ef662baf3ebc11e7932
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic5.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic6.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic6.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..6dfdbda103b583d628dfb8abf4b7424d7a83b4c1
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic6.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic7.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic7.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..15757aa2cf2cdcd7ce47f10016dd24c837ec433b
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic7.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic8.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic8.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f9293285e74ec74a0234787d7e72415b4df86001
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic8.jpg differ
diff --git a/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic9.jpg b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic9.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c636b8b4d0fb488adcd91c32ae06b67a4b0528f8
Binary files /dev/null and b/Code/Ball_Detection/images/originals/raspberry-pi-cam/pic9.jpg differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/001.png b/Code/Ball_Detection/images/shallow-cropped/negatives/001.png
new file mode 100644
index 0000000000000000000000000000000000000000..780a3d32ecbeb7b27e561c1ef7ee4c6bb5652cd0
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/001.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/002.png b/Code/Ball_Detection/images/shallow-cropped/negatives/002.png
new file mode 100644
index 0000000000000000000000000000000000000000..817680ffb67a3a53c42ec0cc1e4654b41250a8d2
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/002.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/003.png b/Code/Ball_Detection/images/shallow-cropped/negatives/003.png
new file mode 100644
index 0000000000000000000000000000000000000000..36f9abf697ecfb6af96d16e04cd6bf4c7c15723f
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/003.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/004.png b/Code/Ball_Detection/images/shallow-cropped/negatives/004.png
new file mode 100644
index 0000000000000000000000000000000000000000..cf88dea9862d337ec79410af84e9e0eb6040e6a6
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/004.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/005.png b/Code/Ball_Detection/images/shallow-cropped/negatives/005.png
new file mode 100644
index 0000000000000000000000000000000000000000..3d6a9dca7a50434ecc9eaffdb67065d2d49142a3
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/005.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/006.png b/Code/Ball_Detection/images/shallow-cropped/negatives/006.png
new file mode 100644
index 0000000000000000000000000000000000000000..cb64fcb4c5e16bc45f85b5337424bfae0c5e1940
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/006.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/007.png b/Code/Ball_Detection/images/shallow-cropped/negatives/007.png
new file mode 100644
index 0000000000000000000000000000000000000000..388f7b16d2fcf3eb10b80cd4859c0db5a844506d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/007.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/008.png b/Code/Ball_Detection/images/shallow-cropped/negatives/008.png
new file mode 100644
index 0000000000000000000000000000000000000000..e946ecebe8c4611f424436f482a7b06a66da55b4
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/008.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/009.png b/Code/Ball_Detection/images/shallow-cropped/negatives/009.png
new file mode 100644
index 0000000000000000000000000000000000000000..52b00a907443f25b26aaae7abab59e581b86c29d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/009.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/010.png b/Code/Ball_Detection/images/shallow-cropped/negatives/010.png
new file mode 100644
index 0000000000000000000000000000000000000000..93ce99a52c03bff0be939c30c21cba9dd5911b3a
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/010.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/011.png b/Code/Ball_Detection/images/shallow-cropped/negatives/011.png
new file mode 100644
index 0000000000000000000000000000000000000000..0b832058956080210367667c71c4bbd04b5c24ef
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/011.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/012.png b/Code/Ball_Detection/images/shallow-cropped/negatives/012.png
new file mode 100644
index 0000000000000000000000000000000000000000..abbf3542c19a3dd3e7768855de881d05538e47f3
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/012.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/013.png b/Code/Ball_Detection/images/shallow-cropped/negatives/013.png
new file mode 100644
index 0000000000000000000000000000000000000000..cb2914a8f29d98e1938707a0db4e34c1a7957887
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/013.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/014.png b/Code/Ball_Detection/images/shallow-cropped/negatives/014.png
new file mode 100644
index 0000000000000000000000000000000000000000..147adfe9e0b71b6afc193390cfc708f3f6a3b6a6
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/014.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/015.png b/Code/Ball_Detection/images/shallow-cropped/negatives/015.png
new file mode 100644
index 0000000000000000000000000000000000000000..e0327f7ef73b510589a7172057ec410ccd2142e1
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/015.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/016.png b/Code/Ball_Detection/images/shallow-cropped/negatives/016.png
new file mode 100644
index 0000000000000000000000000000000000000000..5a09f43d8fd903195ab4bf0b963a80e29888116d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/016.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/017.png b/Code/Ball_Detection/images/shallow-cropped/negatives/017.png
new file mode 100644
index 0000000000000000000000000000000000000000..d3e4cd8e5edc71d150177cce3db10588bd6486e4
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/017.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/018.png b/Code/Ball_Detection/images/shallow-cropped/negatives/018.png
new file mode 100644
index 0000000000000000000000000000000000000000..a7691d5e9197afb667ddafa39c199433cf0c4faa
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/018.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/019.png b/Code/Ball_Detection/images/shallow-cropped/negatives/019.png
new file mode 100644
index 0000000000000000000000000000000000000000..475ab5354866009fcd0e2c01ccafdda51251a567
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/019.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/020.png b/Code/Ball_Detection/images/shallow-cropped/negatives/020.png
new file mode 100644
index 0000000000000000000000000000000000000000..792d3f2bca0a9360eb1be293e6b9a9a23366116d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/020.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/021.png b/Code/Ball_Detection/images/shallow-cropped/negatives/021.png
new file mode 100644
index 0000000000000000000000000000000000000000..9d5259bcb467fdea023a106a627d747c43daec66
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/021.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/022.png b/Code/Ball_Detection/images/shallow-cropped/negatives/022.png
new file mode 100644
index 0000000000000000000000000000000000000000..fa44fc61d0d646c60e740f0f64bbaa91c769e57c
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/022.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/023.png b/Code/Ball_Detection/images/shallow-cropped/negatives/023.png
new file mode 100644
index 0000000000000000000000000000000000000000..37b2c43f2cb71496c94231fe5a0490c8f13b6b57
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/023.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/024.png b/Code/Ball_Detection/images/shallow-cropped/negatives/024.png
new file mode 100644
index 0000000000000000000000000000000000000000..d262541b3a9d1ee512303913a63a09dd0054f994
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/024.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/025.png b/Code/Ball_Detection/images/shallow-cropped/negatives/025.png
new file mode 100644
index 0000000000000000000000000000000000000000..43178db19ea6a6932422ab5074185b9f7c78897f
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/025.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/026.png b/Code/Ball_Detection/images/shallow-cropped/negatives/026.png
new file mode 100644
index 0000000000000000000000000000000000000000..e738663f07fa387eeb7175c680a4a77f004a3d28
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/026.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/027.png b/Code/Ball_Detection/images/shallow-cropped/negatives/027.png
new file mode 100644
index 0000000000000000000000000000000000000000..86882f38ceffedc13a28ed6a236b6db2e4ae6c89
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/027.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/028.png b/Code/Ball_Detection/images/shallow-cropped/negatives/028.png
new file mode 100644
index 0000000000000000000000000000000000000000..962df5e255aee7180ec3fba472f54d8456875898
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/028.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/029.png b/Code/Ball_Detection/images/shallow-cropped/negatives/029.png
new file mode 100644
index 0000000000000000000000000000000000000000..69069c50ec49d1174fd45c47221fb53b642a4a88
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/029.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/030.png b/Code/Ball_Detection/images/shallow-cropped/negatives/030.png
new file mode 100644
index 0000000000000000000000000000000000000000..652e3eb2cae9e856f35be099b544aace12db5643
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/030.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/031.png b/Code/Ball_Detection/images/shallow-cropped/negatives/031.png
new file mode 100644
index 0000000000000000000000000000000000000000..b6da695da0204c9b533527d093b43ded97d13f72
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/031.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/032.png b/Code/Ball_Detection/images/shallow-cropped/negatives/032.png
new file mode 100644
index 0000000000000000000000000000000000000000..26c31d5c01f4dcf5a7b1d456eb775cf44cd2b800
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/032.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/033.png b/Code/Ball_Detection/images/shallow-cropped/negatives/033.png
new file mode 100644
index 0000000000000000000000000000000000000000..1abbd7b1aef91c9b11e96c9cfb30e79a5e2c99e3
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/033.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/034.png b/Code/Ball_Detection/images/shallow-cropped/negatives/034.png
new file mode 100644
index 0000000000000000000000000000000000000000..12304cbb9dcd670e2d31d501b8e4266dbfe45ec9
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/034.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/035.png b/Code/Ball_Detection/images/shallow-cropped/negatives/035.png
new file mode 100644
index 0000000000000000000000000000000000000000..25898c9af03333dd370cf4bbb208c3bd8b5b3fc5
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/035.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/036.png b/Code/Ball_Detection/images/shallow-cropped/negatives/036.png
new file mode 100644
index 0000000000000000000000000000000000000000..f04f2ad4ef97842f6fcd9c3825cf95afa2c9c4d9
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/036.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/037.png b/Code/Ball_Detection/images/shallow-cropped/negatives/037.png
new file mode 100644
index 0000000000000000000000000000000000000000..46584a8f171d3c5feaa5d978c86e84c39d8129d5
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/037.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/038.png b/Code/Ball_Detection/images/shallow-cropped/negatives/038.png
new file mode 100644
index 0000000000000000000000000000000000000000..ea9a5a60d32dee5d068b9f56222f112b1d011ea6
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/038.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/039.png b/Code/Ball_Detection/images/shallow-cropped/negatives/039.png
new file mode 100644
index 0000000000000000000000000000000000000000..3500676a4bdbf837f6057b27defdc0def08fe4d3
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/039.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/040.png b/Code/Ball_Detection/images/shallow-cropped/negatives/040.png
new file mode 100644
index 0000000000000000000000000000000000000000..e69513c297a38c94a47f64db3ca001303992fe5d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/040.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/041.png b/Code/Ball_Detection/images/shallow-cropped/negatives/041.png
new file mode 100644
index 0000000000000000000000000000000000000000..5b145953c7ed31a80d447efb7b639fefbdb580bd
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/041.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/042.png b/Code/Ball_Detection/images/shallow-cropped/negatives/042.png
new file mode 100644
index 0000000000000000000000000000000000000000..04706ae706c72f1efec5688121c1ea60051b8471
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/042.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/043.png b/Code/Ball_Detection/images/shallow-cropped/negatives/043.png
new file mode 100644
index 0000000000000000000000000000000000000000..e9e316d039245cb0213ff3fce82f912bc56b5c33
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/043.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/044.png b/Code/Ball_Detection/images/shallow-cropped/negatives/044.png
new file mode 100644
index 0000000000000000000000000000000000000000..0fc16b9f103a693d97cf433c0e52fd08c254207c
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/044.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/045.png b/Code/Ball_Detection/images/shallow-cropped/negatives/045.png
new file mode 100644
index 0000000000000000000000000000000000000000..a072327a720245150def9d3e1bc7e4f162fc4686
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/045.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/046.png b/Code/Ball_Detection/images/shallow-cropped/negatives/046.png
new file mode 100644
index 0000000000000000000000000000000000000000..0621a6707c488f75f5ed1112656a69b51ce738df
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/046.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/047.png b/Code/Ball_Detection/images/shallow-cropped/negatives/047.png
new file mode 100644
index 0000000000000000000000000000000000000000..1e36a1e299b7314a27efdcd8c13e737304f844cf
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/047.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/048.png b/Code/Ball_Detection/images/shallow-cropped/negatives/048.png
new file mode 100644
index 0000000000000000000000000000000000000000..6c2948b76c2f42d9fd16056d7d76dfd49df539cd
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/048.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/049.png b/Code/Ball_Detection/images/shallow-cropped/negatives/049.png
new file mode 100644
index 0000000000000000000000000000000000000000..ddd12e4a5986359823316179b4e0b94d203f7cd4
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/049.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/050.png b/Code/Ball_Detection/images/shallow-cropped/negatives/050.png
new file mode 100644
index 0000000000000000000000000000000000000000..1b28c35bad32952fdfdbd61505565b6945d2f509
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/050.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/051.png b/Code/Ball_Detection/images/shallow-cropped/negatives/051.png
new file mode 100644
index 0000000000000000000000000000000000000000..fbd05f426e431249167e0b8064f140c9c6bc8070
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/051.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/052.png b/Code/Ball_Detection/images/shallow-cropped/negatives/052.png
new file mode 100644
index 0000000000000000000000000000000000000000..339c8f54c2fb78ecbf625664c233b1346b259c5c
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/052.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/053.png b/Code/Ball_Detection/images/shallow-cropped/negatives/053.png
new file mode 100644
index 0000000000000000000000000000000000000000..e06752540678a02214480d42c815349880dec67a
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/053.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/054.png b/Code/Ball_Detection/images/shallow-cropped/negatives/054.png
new file mode 100644
index 0000000000000000000000000000000000000000..6167222adbd7af577eeeddd8628b578eeec2434d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/054.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/055.png b/Code/Ball_Detection/images/shallow-cropped/negatives/055.png
new file mode 100644
index 0000000000000000000000000000000000000000..1afaa9fcbaf5f00dfe5e30f9a8dac05330e0fd97
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/055.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/056.png b/Code/Ball_Detection/images/shallow-cropped/negatives/056.png
new file mode 100644
index 0000000000000000000000000000000000000000..3d0578d5979c461021c0e0ed8fdd770390222ad7
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/056.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/057.png b/Code/Ball_Detection/images/shallow-cropped/negatives/057.png
new file mode 100644
index 0000000000000000000000000000000000000000..abcf508b7cfd25f03afe6eb731539858151af520
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/057.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/058.png b/Code/Ball_Detection/images/shallow-cropped/negatives/058.png
new file mode 100644
index 0000000000000000000000000000000000000000..2444e8595f1d2bcccd746d8b0846d8bd888c7a9f
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/058.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/059.png b/Code/Ball_Detection/images/shallow-cropped/negatives/059.png
new file mode 100644
index 0000000000000000000000000000000000000000..66da3528f272cd16a359652d40a2641c7a347da8
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/059.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/060.png b/Code/Ball_Detection/images/shallow-cropped/negatives/060.png
new file mode 100644
index 0000000000000000000000000000000000000000..d133a6785d285dc586be44c01cd062b74d3f2972
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/060.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/061.png b/Code/Ball_Detection/images/shallow-cropped/negatives/061.png
new file mode 100644
index 0000000000000000000000000000000000000000..79f01b454f2851a369124aca8b26fdf4e82d3d89
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/061.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/062.png b/Code/Ball_Detection/images/shallow-cropped/negatives/062.png
new file mode 100644
index 0000000000000000000000000000000000000000..2c6d7584b491295665b694d8c4848696a4b618c2
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/062.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/063.png b/Code/Ball_Detection/images/shallow-cropped/negatives/063.png
new file mode 100644
index 0000000000000000000000000000000000000000..7a48507cd18a805b58e60fe9affbc826c295a45d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/063.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/064.png b/Code/Ball_Detection/images/shallow-cropped/negatives/064.png
new file mode 100644
index 0000000000000000000000000000000000000000..762e1a547b79b072b606bc308de4f7fe72b16d66
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/064.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/065.png b/Code/Ball_Detection/images/shallow-cropped/negatives/065.png
new file mode 100644
index 0000000000000000000000000000000000000000..cde213328829c1ec16434952f1265367a27fcf81
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/065.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/066.png b/Code/Ball_Detection/images/shallow-cropped/negatives/066.png
new file mode 100644
index 0000000000000000000000000000000000000000..9f4315a6a3b650b0955d89fa5148897282c24eb1
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/066.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/067.png b/Code/Ball_Detection/images/shallow-cropped/negatives/067.png
new file mode 100644
index 0000000000000000000000000000000000000000..4287efbb2f3f39c8e344800a8795ff052ea84f71
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/067.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/068.png b/Code/Ball_Detection/images/shallow-cropped/negatives/068.png
new file mode 100644
index 0000000000000000000000000000000000000000..7c4b6149697249b50c93618a6647069a6dd9607b
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/068.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/069.png b/Code/Ball_Detection/images/shallow-cropped/negatives/069.png
new file mode 100644
index 0000000000000000000000000000000000000000..c435973e2f0cb853fa0f7b3112f241263b46f560
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/069.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/070.png b/Code/Ball_Detection/images/shallow-cropped/negatives/070.png
new file mode 100644
index 0000000000000000000000000000000000000000..2d9dd1591c4601d77bbbd267de2bbb1c45950234
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/070.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/071.png b/Code/Ball_Detection/images/shallow-cropped/negatives/071.png
new file mode 100644
index 0000000000000000000000000000000000000000..df9182fd3f9ef4b8ed8753a62879f449588be4ae
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/071.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/072.png b/Code/Ball_Detection/images/shallow-cropped/negatives/072.png
new file mode 100644
index 0000000000000000000000000000000000000000..ea4cdaa99b46ba822e7da269890a3fdb11cc3847
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/072.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/073.png b/Code/Ball_Detection/images/shallow-cropped/negatives/073.png
new file mode 100644
index 0000000000000000000000000000000000000000..9d058be3b92375b7a065d62a83455b10d1229034
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/073.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/074.png b/Code/Ball_Detection/images/shallow-cropped/negatives/074.png
new file mode 100644
index 0000000000000000000000000000000000000000..c3da76e7672a132917c2e1d0195a27b8a083ba4f
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/074.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/075.png b/Code/Ball_Detection/images/shallow-cropped/negatives/075.png
new file mode 100644
index 0000000000000000000000000000000000000000..479283e95da9c3cc10a22ac2310ee2519bad9233
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/075.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/076.png b/Code/Ball_Detection/images/shallow-cropped/negatives/076.png
new file mode 100644
index 0000000000000000000000000000000000000000..cf4f760a9206ed07066beba5d81ac9269d141859
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/076.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/077.png b/Code/Ball_Detection/images/shallow-cropped/negatives/077.png
new file mode 100644
index 0000000000000000000000000000000000000000..0c1cc097ea85bd37cbf14eac538bf87fde6ed5fc
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/077.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/078.png b/Code/Ball_Detection/images/shallow-cropped/negatives/078.png
new file mode 100644
index 0000000000000000000000000000000000000000..e462b1278492aace9d7b317da654616c27a55e5a
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/078.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/079.png b/Code/Ball_Detection/images/shallow-cropped/negatives/079.png
new file mode 100644
index 0000000000000000000000000000000000000000..98a94fb425a87478770a51b4d41708b0f82b4c48
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/079.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/080.png b/Code/Ball_Detection/images/shallow-cropped/negatives/080.png
new file mode 100644
index 0000000000000000000000000000000000000000..252319cbd90fdddb7a52798aba404c6f23c89aa9
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/080.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/081.png b/Code/Ball_Detection/images/shallow-cropped/negatives/081.png
new file mode 100644
index 0000000000000000000000000000000000000000..721c4627ab8c1830dbc73b600abab565795dd00a
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/081.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/082.png b/Code/Ball_Detection/images/shallow-cropped/negatives/082.png
new file mode 100644
index 0000000000000000000000000000000000000000..5f57d1faa315d6e96731b91b2e9bf45fa59e57ee
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/082.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/083.png b/Code/Ball_Detection/images/shallow-cropped/negatives/083.png
new file mode 100644
index 0000000000000000000000000000000000000000..81f4e2778ebfc0354ad12ca2bd316708dd87c221
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/083.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/084.png b/Code/Ball_Detection/images/shallow-cropped/negatives/084.png
new file mode 100644
index 0000000000000000000000000000000000000000..96181b1401689076811904cb78ed46b774f6ce00
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/084.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/085.png b/Code/Ball_Detection/images/shallow-cropped/negatives/085.png
new file mode 100644
index 0000000000000000000000000000000000000000..a3e26aa93dd56adf663bc08376149febeb067690
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/085.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/086.png b/Code/Ball_Detection/images/shallow-cropped/negatives/086.png
new file mode 100644
index 0000000000000000000000000000000000000000..b886463f9354f418a273f1696959cdf6f0f68536
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/086.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/087.png b/Code/Ball_Detection/images/shallow-cropped/negatives/087.png
new file mode 100644
index 0000000000000000000000000000000000000000..60f442b6a72a70d827666a3c002b7ec522c5d5ad
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/087.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/088.png b/Code/Ball_Detection/images/shallow-cropped/negatives/088.png
new file mode 100644
index 0000000000000000000000000000000000000000..756ef7b098b3ac43797feaac4da98f6dfa1f9ab7
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/088.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/089.png b/Code/Ball_Detection/images/shallow-cropped/negatives/089.png
new file mode 100644
index 0000000000000000000000000000000000000000..10eb60c0a2346df30e8ed34863517df8681b815d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/089.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/090.png b/Code/Ball_Detection/images/shallow-cropped/negatives/090.png
new file mode 100644
index 0000000000000000000000000000000000000000..296025e15b31efaadcda1d90e13cb48a76b8eb5e
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/090.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/091.png b/Code/Ball_Detection/images/shallow-cropped/negatives/091.png
new file mode 100644
index 0000000000000000000000000000000000000000..a598d8565b351bee215b2e5d4c0ac271df3d95af
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/091.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/092.png b/Code/Ball_Detection/images/shallow-cropped/negatives/092.png
new file mode 100644
index 0000000000000000000000000000000000000000..17b489c758226f4370ddef7fcdda90daa4fbe6fd
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/092.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/negatives/093.png b/Code/Ball_Detection/images/shallow-cropped/negatives/093.png
new file mode 100644
index 0000000000000000000000000000000000000000..67d937857165238dfc58876dbf5c0ae5f1efefa5
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/negatives/093.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/001.png b/Code/Ball_Detection/images/shallow-cropped/positives/001.png
new file mode 100644
index 0000000000000000000000000000000000000000..5a9763ca8d714b55a610797dd57b97642f6664d0
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/001.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/002.png b/Code/Ball_Detection/images/shallow-cropped/positives/002.png
new file mode 100644
index 0000000000000000000000000000000000000000..db86a0bbb676481cc09cbc3cbfc6909662ef2e1e
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/002.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/003.png b/Code/Ball_Detection/images/shallow-cropped/positives/003.png
new file mode 100644
index 0000000000000000000000000000000000000000..ab9372a95abb7551dfe466a32f317c89a4346b71
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/003.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/004.png b/Code/Ball_Detection/images/shallow-cropped/positives/004.png
new file mode 100644
index 0000000000000000000000000000000000000000..376fa0aa82da1fe5d8993f0f97a19b2975b8ae72
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/004.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/005.png b/Code/Ball_Detection/images/shallow-cropped/positives/005.png
new file mode 100644
index 0000000000000000000000000000000000000000..9e5084e63f7c219441c0ea1f9ff2b44972f1280b
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/005.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/006.png b/Code/Ball_Detection/images/shallow-cropped/positives/006.png
new file mode 100644
index 0000000000000000000000000000000000000000..5f98524c35709f042fbf6b89e666e096e81e95c5
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/006.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/007.png b/Code/Ball_Detection/images/shallow-cropped/positives/007.png
new file mode 100644
index 0000000000000000000000000000000000000000..00e440a39de93950f10774c7531a43fadc3cc45e
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/007.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/008.png b/Code/Ball_Detection/images/shallow-cropped/positives/008.png
new file mode 100644
index 0000000000000000000000000000000000000000..e3209eddea7cba7a84082fbc3fb652915f9af4d7
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/008.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/009.png b/Code/Ball_Detection/images/shallow-cropped/positives/009.png
new file mode 100644
index 0000000000000000000000000000000000000000..98cfab4f9c2efeff4bfa56decac178047e0f0967
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/009.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/010.png b/Code/Ball_Detection/images/shallow-cropped/positives/010.png
new file mode 100644
index 0000000000000000000000000000000000000000..aaec7b384a130c6e23f2df7a74ac20bfb3f05c8d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/010.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/011.png b/Code/Ball_Detection/images/shallow-cropped/positives/011.png
new file mode 100644
index 0000000000000000000000000000000000000000..f1d1e7708b05e9b0b68abeb314874d0abd6456ca
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/011.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/012.png b/Code/Ball_Detection/images/shallow-cropped/positives/012.png
new file mode 100644
index 0000000000000000000000000000000000000000..77de63d5ba950d025c649a6dd64a9c39c5fa0b5e
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/012.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/013.png b/Code/Ball_Detection/images/shallow-cropped/positives/013.png
new file mode 100644
index 0000000000000000000000000000000000000000..ce9e66215d13078802b532482d7cde1b07000f2e
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/013.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/014.png b/Code/Ball_Detection/images/shallow-cropped/positives/014.png
new file mode 100644
index 0000000000000000000000000000000000000000..7a1b5571bbde7ae6f2aeaa0c5cf1663d5c69580d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/014.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/015.png b/Code/Ball_Detection/images/shallow-cropped/positives/015.png
new file mode 100644
index 0000000000000000000000000000000000000000..0d43f130ee8c7d70a82f5649505a9062356c56e5
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/015.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/016.png b/Code/Ball_Detection/images/shallow-cropped/positives/016.png
new file mode 100644
index 0000000000000000000000000000000000000000..18c44a28197feea9ddcc8ee1ae972914bd4e8817
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/016.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/017.png b/Code/Ball_Detection/images/shallow-cropped/positives/017.png
new file mode 100644
index 0000000000000000000000000000000000000000..88a2c0683c0b1268b08d9f79392b513e4da017ec
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/017.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/018.png b/Code/Ball_Detection/images/shallow-cropped/positives/018.png
new file mode 100644
index 0000000000000000000000000000000000000000..1bcba352195a7018da46bb08657c43a256331b40
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/018.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/019.png b/Code/Ball_Detection/images/shallow-cropped/positives/019.png
new file mode 100644
index 0000000000000000000000000000000000000000..18513d4529705c5718cfcb8a799a948cab4ceafd
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/019.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/020.png b/Code/Ball_Detection/images/shallow-cropped/positives/020.png
new file mode 100644
index 0000000000000000000000000000000000000000..1cf55e2c5a28b1adc1b1cff479c0af804f3babec
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/020.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/021.png b/Code/Ball_Detection/images/shallow-cropped/positives/021.png
new file mode 100644
index 0000000000000000000000000000000000000000..06b2e60c578e2727b95c6891b05487669ae5dc07
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/021.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/022.png b/Code/Ball_Detection/images/shallow-cropped/positives/022.png
new file mode 100644
index 0000000000000000000000000000000000000000..261ea671bdce6f3ec3ee6408385d2792ced492b5
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/022.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/023.png b/Code/Ball_Detection/images/shallow-cropped/positives/023.png
new file mode 100644
index 0000000000000000000000000000000000000000..9c7c24779f6279dc5fe12343e4b3830968a905de
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/023.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/024.png b/Code/Ball_Detection/images/shallow-cropped/positives/024.png
new file mode 100644
index 0000000000000000000000000000000000000000..eb0376629089ba823df16b323d984ee5cb3b5ca9
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/024.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/025.png b/Code/Ball_Detection/images/shallow-cropped/positives/025.png
new file mode 100644
index 0000000000000000000000000000000000000000..4a3890ce9e3a5ccedd9969507d745a2c2b5eec81
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/025.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/026.png b/Code/Ball_Detection/images/shallow-cropped/positives/026.png
new file mode 100644
index 0000000000000000000000000000000000000000..aa93f50056d99a748144b9bec067400917944881
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/026.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/027.png b/Code/Ball_Detection/images/shallow-cropped/positives/027.png
new file mode 100644
index 0000000000000000000000000000000000000000..949cb05c8f6a92ef8725695d2db530f1984899b0
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/027.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/028.png b/Code/Ball_Detection/images/shallow-cropped/positives/028.png
new file mode 100644
index 0000000000000000000000000000000000000000..f6ee85b2b76a58e47f72f718f408ebf27b8c58c9
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/028.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/029.png b/Code/Ball_Detection/images/shallow-cropped/positives/029.png
new file mode 100644
index 0000000000000000000000000000000000000000..f4721709b8c8576d2c3d90099f5fcf3465605b1d
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/029.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/030.png b/Code/Ball_Detection/images/shallow-cropped/positives/030.png
new file mode 100644
index 0000000000000000000000000000000000000000..f67119a2a42fc1fb0bf27e0e3a68cc5541dc7dce
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/030.png differ
diff --git a/Code/Ball_Detection/images/shallow-cropped/positives/031.png b/Code/Ball_Detection/images/shallow-cropped/positives/031.png
new file mode 100644
index 0000000000000000000000000000000000000000..99fdab8c4d8b322fd5fa7e912552a52093310c2f
Binary files /dev/null and b/Code/Ball_Detection/images/shallow-cropped/positives/031.png differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/004.jpg b/Code/Ball_Detection/images/train-test-1/test/004.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e65deddfe659c2974620157be1c0ba38f512dfa6
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/004.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/004.xml b/Code/Ball_Detection/images/train-test-1/test/004.xml
new file mode 100644
index 0000000000000000000000000000000000000000..11620256c8d63fd687499a92826290e73df2dcbc
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/004.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>004.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\004.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>321</xmin>
+			<ymin>704</ymin>
+			<xmax>509</xmax>
+			<ymax>906</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>726</xmin>
+			<ymin>566</ymin>
+			<xmax>895</xmax>
+			<ymax>747</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/008.jpg b/Code/Ball_Detection/images/train-test-1/test/008.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..cd9fde125f1f1ad416f5c733de4467a70929c03d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/008.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/008.xml b/Code/Ball_Detection/images/train-test-1/test/008.xml
new file mode 100644
index 0000000000000000000000000000000000000000..16c082a00c0bf5c52b7348bfe1198ae8c426a9c8
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/008.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>008.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\008.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>288</xmin>
+			<ymin>158</ymin>
+			<xmax>349</xmax>
+			<ymax>221</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/012.jpg b/Code/Ball_Detection/images/train-test-1/test/012.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4636583cae80deae09482edaf82ed53108e62fce
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/012.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/012.xml b/Code/Ball_Detection/images/train-test-1/test/012.xml
new file mode 100644
index 0000000000000000000000000000000000000000..0290fe096d507242a5cb6dcc48a467f30553ec3e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/012.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>012.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\012.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>669</xmin>
+			<ymin>632</ymin>
+			<xmax>986</xmax>
+			<ymax>954</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/016.jpg b/Code/Ball_Detection/images/train-test-1/test/016.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..10c7d6bc9e75a7b30c084d15c487be5f2500ea88
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/016.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/016.xml b/Code/Ball_Detection/images/train-test-1/test/016.xml
new file mode 100644
index 0000000000000000000000000000000000000000..3162bbe4299ca2b42139f1e0c7012895564b4ff4
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/016.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>016.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\016.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>300</xmin>
+			<ymin>559</ymin>
+			<xmax>720</xmax>
+			<ymax>985</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>853</xmin>
+			<ymin>651</ymin>
+			<xmax>973</xmax>
+			<ymax>788</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/020.jpg b/Code/Ball_Detection/images/train-test-1/test/020.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e8ae5e31571a389c7989d88aaf9a654e80bb8159
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/020.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/020.xml b/Code/Ball_Detection/images/train-test-1/test/020.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9141eaf360505349d485a3aa8dc282b87e8bdf9e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/020.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>020.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\020.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>3264</width>
+		<height>2448</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1279</xmin>
+			<ymin>849</ymin>
+			<xmax>1997</xmax>
+			<ymax>1557</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/024.jpg b/Code/Ball_Detection/images/train-test-1/test/024.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b7f30a11957b6611938627276a433b4695d96b0a
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/024.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/024.xml b/Code/Ball_Detection/images/train-test-1/test/024.xml
new file mode 100644
index 0000000000000000000000000000000000000000..64391538e8f65d90d8b8b2b53822e98e21d5a850
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/024.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>024.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\024.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>892</xmin>
+			<ymin>412</ymin>
+			<xmax>1152</xmax>
+			<ymax>580</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/028.jpg b/Code/Ball_Detection/images/train-test-1/test/028.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f9293285e74ec74a0234787d7e72415b4df86001
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/028.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/028.xml b/Code/Ball_Detection/images/train-test-1/test/028.xml
new file mode 100644
index 0000000000000000000000000000000000000000..debe2117dcc5c7f0d737747459fe945747527ea6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/028.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>028.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\028.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>970</xmin>
+			<ymin>222</ymin>
+			<xmax>1253</xmax>
+			<ymax>502</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/032.jpg b/Code/Ball_Detection/images/train-test-1/test/032.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..7df9ed2ba38d600169cc16965cd963beedc2dcff
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/032.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/032.xml b/Code/Ball_Detection/images/train-test-1/test/032.xml
new file mode 100644
index 0000000000000000000000000000000000000000..72b4aa628ff799e29ea90c858515ccb8323cdae0
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/032.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>032.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\032.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>269</xmin>
+			<ymin>719</ymin>
+			<xmax>372</xmax>
+			<ymax>826</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/036.jpg b/Code/Ball_Detection/images/train-test-1/test/036.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..bb99d832bffdabbf3db86d2a47db3a2ae33c5072
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/036.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/036.xml b/Code/Ball_Detection/images/train-test-1/test/036.xml
new file mode 100644
index 0000000000000000000000000000000000000000..25896ce90b179753e60ad08d623dd0811bc4feea
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/036.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>036.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\036.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>713</xmin>
+			<ymin>242</ymin>
+			<xmax>1074</xmax>
+			<ymax>641</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>540</xmin>
+			<ymin>560</ymin>
+			<xmax>816</xmax>
+			<ymax>900</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/040.jpg b/Code/Ball_Detection/images/train-test-1/test/040.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c3c3b3317047f9a5f8be38dc2526b018d11867f4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/040.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/040.xml b/Code/Ball_Detection/images/train-test-1/test/040.xml
new file mode 100644
index 0000000000000000000000000000000000000000..1a76e38af4f152690bf622adce3c8c8b4e5b5178
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/040.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>040.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\040.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>752</xmin>
+			<ymin>597</ymin>
+			<xmax>839</xmax>
+			<ymax>672</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>701</xmin>
+			<ymin>1</ymin>
+			<xmax>1162</xmax>
+			<ymax>432</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/044.jpg b/Code/Ball_Detection/images/train-test-1/test/044.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..7a08c9572e5256aab22d07afdfb83cced94982dc
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/044.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/044.xml b/Code/Ball_Detection/images/train-test-1/test/044.xml
new file mode 100644
index 0000000000000000000000000000000000000000..2b7ad750284baee1327224c67ce1b231d96b0efd
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/044.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>044.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\044.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>646</xmin>
+			<ymin>594</ymin>
+			<xmax>790</xmax>
+			<ymax>742</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>498</xmin>
+			<ymin>1</ymin>
+			<xmax>885</xmax>
+			<ymax>384</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/048.jpg b/Code/Ball_Detection/images/train-test-1/test/048.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..bd64a21f2fad6e0bdcb48908259c96830a8745f4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/048.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/048.xml b/Code/Ball_Detection/images/train-test-1/test/048.xml
new file mode 100644
index 0000000000000000000000000000000000000000..c54a42141acd4241df37c5fcc23a7f423db1b69c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/048.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>048.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\048.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>654</xmin>
+			<ymin>571</ymin>
+			<xmax>795</xmax>
+			<ymax>724</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>799</xmin>
+			<ymin>230</ymin>
+			<xmax>950</xmax>
+			<ymax>411</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/052.jpg b/Code/Ball_Detection/images/train-test-1/test/052.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..373545215751a5c76b144c8cf7d9fcb1e7cc10f7
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/052.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/052.xml b/Code/Ball_Detection/images/train-test-1/test/052.xml
new file mode 100644
index 0000000000000000000000000000000000000000..80211c1c2e03faf3890384009f2c6ab5c3f9b8a6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/052.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>052.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\052.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>311</xmin>
+			<ymin>535</ymin>
+			<xmax>562</xmax>
+			<ymax>829</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>38</xmin>
+			<ymin>589</ymin>
+			<xmax>334</xmax>
+			<ymax>910</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/056.jpg b/Code/Ball_Detection/images/train-test-1/test/056.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..969a1d02c79864c15541b4e1a4034888df346211
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/056.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/056.xml b/Code/Ball_Detection/images/train-test-1/test/056.xml
new file mode 100644
index 0000000000000000000000000000000000000000..59537c2a0d0f062728b21b7bcb6e77201e463945
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/056.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>056.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\056.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>331</xmin>
+			<ymin>717</ymin>
+			<xmax>488</xmax>
+			<ymax>906</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>1</ymin>
+			<xmax>675</xmax>
+			<ymax>730</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/060.jpg b/Code/Ball_Detection/images/train-test-1/test/060.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4e3431452c7ddbf80968e40092bf195ce0e2a045
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/060.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/060.xml b/Code/Ball_Detection/images/train-test-1/test/060.xml
new file mode 100644
index 0000000000000000000000000000000000000000..51dc2bad68cc0ff8b8612a565c2bb02b187beaca
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/060.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>060.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\060.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>3264</width>
+		<height>2448</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1340</xmin>
+			<ymin>849</ymin>
+			<xmax>1963</xmax>
+			<ymax>1552</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/064.jpg b/Code/Ball_Detection/images/train-test-1/test/064.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..da210b186599d659d8c0ee4cb897d31b00b779ce
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/064.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/064.xml b/Code/Ball_Detection/images/train-test-1/test/064.xml
new file mode 100644
index 0000000000000000000000000000000000000000..e3a9b7582d5bd7e11226cdd54562aebaa9bd779d
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/064.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>064.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\064.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>332</xmin>
+			<ymin>280</ymin>
+			<xmax>537</xmax>
+			<ymax>488</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/068.jpg b/Code/Ball_Detection/images/train-test-1/test/068.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e82b7948866b7ab4f26bee83c8ffd06b74a27b84
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/068.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/068.xml b/Code/Ball_Detection/images/train-test-1/test/068.xml
new file mode 100644
index 0000000000000000000000000000000000000000..0616d539dfea188a9118abee4c52d0433e9cf6ca
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/068.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>068.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\068.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>101</xmin>
+			<ymin>217</ymin>
+			<xmax>448</xmax>
+			<ymax>601</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>982</xmin>
+			<ymin>578</ymin>
+			<xmax>1201</xmax>
+			<ymax>878</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/072.jpg b/Code/Ball_Detection/images/train-test-1/test/072.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..0f7b96c374ea2f050f23ad3bfffb6865c8696707
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/072.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/072.xml b/Code/Ball_Detection/images/train-test-1/test/072.xml
new file mode 100644
index 0000000000000000000000000000000000000000..a683c22355b555656010718fd5bb4a494718973c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/072.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>072.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\072.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>326</xmin>
+			<ymin>706</ymin>
+			<xmax>491</xmax>
+			<ymax>907</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>729</xmin>
+			<ymin>564</ymin>
+			<xmax>899</xmax>
+			<ymax>742</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/076.jpg b/Code/Ball_Detection/images/train-test-1/test/076.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..fe4e5aeaf6ebf7d502aafbaa61b7732a987bda58
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/076.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/076.xml b/Code/Ball_Detection/images/train-test-1/test/076.xml
new file mode 100644
index 0000000000000000000000000000000000000000..946891d6b0e8bfc66835f24fe22c5e5073887029
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/076.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>076.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\076.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>403</xmin>
+			<ymin>465</ymin>
+			<xmax>839</xmax>
+			<ymax>991</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>313</xmin>
+			<ymin>710</ymin>
+			<xmax>443</xmax>
+			<ymax>905</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/080.jpg b/Code/Ball_Detection/images/train-test-1/test/080.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..1c15b2e6059b8fdc220d1c4de199341ff847da98
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/080.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/080.xml b/Code/Ball_Detection/images/train-test-1/test/080.xml
new file mode 100644
index 0000000000000000000000000000000000000000..ec61bc4601c67781f45887b7fbf18c6a976484d9
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/080.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>080.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\080.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>507</xmin>
+			<ymin>268</ymin>
+			<xmax>645</xmax>
+			<ymax>402</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/084.jpg b/Code/Ball_Detection/images/train-test-1/test/084.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b5d11535fb256bee21b5d85420a559439552010d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/084.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/084.xml b/Code/Ball_Detection/images/train-test-1/test/084.xml
new file mode 100644
index 0000000000000000000000000000000000000000..5cea235deba5ae9e9ce2723c75c7888298e103f8
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/084.xml
@@ -0,0 +1,14 @@
+<annotation>
+	<folder>test</folder>
+	<filename>084.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\084.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>720</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/test/085.jpg b/Code/Ball_Detection/images/train-test-1/test/085.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ee96e747ec2c39a544d7756d08b36f47766483f4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/test/085.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/test/085.xml b/Code/Ball_Detection/images/train-test-1/test/085.xml
new file mode 100644
index 0000000000000000000000000000000000000000..01e45958351d110e806cfb3b5868709c4ea3096a
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/test/085.xml
@@ -0,0 +1,14 @@
+<annotation>
+	<folder>test</folder>
+	<filename>085.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\085.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>720</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/001.jpg b/Code/Ball_Detection/images/train-test-1/train/001.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..63e5721fac9e49552b3cd3f6e55f91bf50c02728
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/001.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/001.xml b/Code/Ball_Detection/images/train-test-1/train/001.xml
new file mode 100644
index 0000000000000000000000000000000000000000..dd126d05f1565db6e9de35278a30df6dc6523493
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/001.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>001.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\001.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>324</xmin>
+			<ymin>706</ymin>
+			<xmax>489</xmax>
+			<ymax>886</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>726</xmin>
+			<ymin>566</ymin>
+			<xmax>896</xmax>
+			<ymax>749</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/002.jpg b/Code/Ball_Detection/images/train-test-1/train/002.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..2f668b0b3cc7c4bd23a55620c6e0f6d30da39635
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/002.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/002.xml b/Code/Ball_Detection/images/train-test-1/train/002.xml
new file mode 100644
index 0000000000000000000000000000000000000000..84d3e1ccbfd369cff1ecd22eccb23a8b52489f6d
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/002.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>002.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\002.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>152</xmin>
+			<ymin>363</ymin>
+			<xmax>278</xmax>
+			<ymax>482</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/003.jpg b/Code/Ball_Detection/images/train-test-1/train/003.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..aa61770523dbe66876f68a9de10a2ab882fcf770
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/003.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/003.xml b/Code/Ball_Detection/images/train-test-1/train/003.xml
new file mode 100644
index 0000000000000000000000000000000000000000..ff6ab78c724d80e43fbd73ee71e3c2b1905f90fd
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/003.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>003.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\003.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>414</xmin>
+			<ymin>353</ymin>
+			<xmax>520</xmax>
+			<ymax>456</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/005.jpg b/Code/Ball_Detection/images/train-test-1/train/005.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c7ef86a0b8aa8c0d5c664729c8199240dc465706
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/005.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/005.xml b/Code/Ball_Detection/images/train-test-1/train/005.xml
new file mode 100644
index 0000000000000000000000000000000000000000..f00b38ed94befcdf1f43b700eb512e8950038445
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/005.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>005.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\005.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>225</xmin>
+			<ymin>310</ymin>
+			<xmax>379</xmax>
+			<ymax>473</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/006.jpg b/Code/Ball_Detection/images/train-test-1/train/006.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..46c3fea4cc38d10a19a756eef8c754d653819d11
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/006.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/006.xml b/Code/Ball_Detection/images/train-test-1/train/006.xml
new file mode 100644
index 0000000000000000000000000000000000000000..02ce3d52b699256208488cfd8c7dd0699d149507
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/006.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>006.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\006.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>472</xmin>
+			<ymin>273</ymin>
+			<xmax>549</xmax>
+			<ymax>354</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/007.jpg b/Code/Ball_Detection/images/train-test-1/train/007.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..a6e00361dfd88daae225bf7a44d00f9a29b0b73e
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/007.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/007.xml b/Code/Ball_Detection/images/train-test-1/train/007.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6f3c5b2cf298448a77510a148668aad707c23a46
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/007.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>007.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\007.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>478</xmin>
+			<ymin>182</ymin>
+			<xmax>570</xmax>
+			<ymax>271</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/009.jpg b/Code/Ball_Detection/images/train-test-1/train/009.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..7e65110f4abb7d5294390fda35995f4f35403394
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/009.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/009.xml b/Code/Ball_Detection/images/train-test-1/train/009.xml
new file mode 100644
index 0000000000000000000000000000000000000000..4edc9203cd6fbd0a8cdb420520a096b2de1a9c3a
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/009.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>009.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\009.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>3264</width>
+		<height>2448</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1343</xmin>
+			<ymin>690</ymin>
+			<xmax>1707</xmax>
+			<ymax>1108</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/010.jpg b/Code/Ball_Detection/images/train-test-1/train/010.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..1de74da41042464256f183f9dec8ab6baa5a8104
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/010.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/010.xml b/Code/Ball_Detection/images/train-test-1/train/010.xml
new file mode 100644
index 0000000000000000000000000000000000000000..3fac06ee34836da52f3106b0f6224cc6f8a175b0
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/010.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>010.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\010.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>381</xmin>
+			<ymin>364</ymin>
+			<xmax>772</xmax>
+			<ymax>811</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>314</xmin>
+			<ymin>710</ymin>
+			<xmax>488</xmax>
+			<ymax>902</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/011.jpg b/Code/Ball_Detection/images/train-test-1/train/011.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e7fa8742b5cbda1b1451947f2ffc0c21601851ee
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/011.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/011.xml b/Code/Ball_Detection/images/train-test-1/train/011.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9f5f6a1441a06215617551679b25ce31d8482518
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/011.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>011.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\011.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>365</xmin>
+			<ymin>228</ymin>
+			<xmax>796</xmax>
+			<ymax>663</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/013.jpg b/Code/Ball_Detection/images/train-test-1/train/013.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..3ec6ab53725323eef64fc39043a552f2ed0e9c6d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/013.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/013.xml b/Code/Ball_Detection/images/train-test-1/train/013.xml
new file mode 100644
index 0000000000000000000000000000000000000000..1e77d287a54944c07207cae1f43804c4c0af1836
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/013.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>013.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\013.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>565</xmin>
+			<ymin>570</ymin>
+			<xmax>785</xmax>
+			<ymax>784</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/014.jpg b/Code/Ball_Detection/images/train-test-1/train/014.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..25f5ebbf224e71768a9460fa1fc8640165007700
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/014.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/014.xml b/Code/Ball_Detection/images/train-test-1/train/014.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6fa78117e396a729910d904abb584b4902de99b1
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/014.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>014.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\014.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>527</xmin>
+			<ymin>487</ymin>
+			<xmax>726</xmax>
+			<ymax>681</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/015.jpg b/Code/Ball_Detection/images/train-test-1/train/015.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b0b0d8c3d3c72dd5ea0308267427bb54cc000380
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/015.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/015.xml b/Code/Ball_Detection/images/train-test-1/train/015.xml
new file mode 100644
index 0000000000000000000000000000000000000000..1b65008e22d2904c624a3e925167d630aa086879
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/015.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>015.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\015.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>571</xmin>
+			<ymin>150</ymin>
+			<xmax>827</xmax>
+			<ymax>430</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/017.jpg b/Code/Ball_Detection/images/train-test-1/train/017.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..af28733532a859187fa77c5e7f4b515b108eae11
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/017.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/017.xml b/Code/Ball_Detection/images/train-test-1/train/017.xml
new file mode 100644
index 0000000000000000000000000000000000000000..0f6718c59dd187f06615dcc2a27fc2d1a15a8627
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/017.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>017.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\017.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>602</xmin>
+			<ymin>586</ymin>
+			<xmax>832</xmax>
+			<ymax>852</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/018.jpg b/Code/Ball_Detection/images/train-test-1/train/018.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..def185fc8d4f1cd60fb131073e343637db6c5bc8
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/018.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/018.xml b/Code/Ball_Detection/images/train-test-1/train/018.xml
new file mode 100644
index 0000000000000000000000000000000000000000..e968fa639906075ba9504ef5a5aab5a829e5251a
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/018.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>018.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\018.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>109</xmin>
+			<ymin>287</ymin>
+			<xmax>611</xmax>
+			<ymax>869</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>654</xmin>
+			<ymin>576</ymin>
+			<xmax>794</xmax>
+			<ymax>719</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/019.jpg b/Code/Ball_Detection/images/train-test-1/train/019.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4b84fb324a694b1745d7a63f92271acdfec5f344
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/019.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/019.xml b/Code/Ball_Detection/images/train-test-1/train/019.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6a27d017739308488120f293fd2a620b9de57fd1
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/019.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>019.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\019.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>3264</width>
+		<height>2448</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1404</xmin>
+			<ymin>821</ymin>
+			<xmax>2068</xmax>
+			<ymax>1488</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/021.jpg b/Code/Ball_Detection/images/train-test-1/train/021.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..326578725eadf8c154eb2071a3497541668df833
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/021.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/021.xml b/Code/Ball_Detection/images/train-test-1/train/021.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d3301515604a994e967bfa5b96a07497df93938e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/021.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>021.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\021.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>655</xmin>
+			<ymin>572</ymin>
+			<xmax>792</xmax>
+			<ymax>720</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>756</xmin>
+			<ymin>144</ymin>
+			<xmax>912</xmax>
+			<ymax>334</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/022.jpg b/Code/Ball_Detection/images/train-test-1/train/022.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..5aaa3ff1b4859f7e0b64d7539bed93f5c5f7cf00
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/022.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/022.xml b/Code/Ball_Detection/images/train-test-1/train/022.xml
new file mode 100644
index 0000000000000000000000000000000000000000..04e947a5787f476ea6159c8a2a14c83793db0cdb
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/022.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>022.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\022.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>923</xmin>
+			<ymin>282</ymin>
+			<xmax>1222</xmax>
+			<ymax>559</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/023.jpg b/Code/Ball_Detection/images/train-test-1/train/023.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c81a929fbaa5ad320476af83c8728a51e63a6db0
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/023.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/023.xml b/Code/Ball_Detection/images/train-test-1/train/023.xml
new file mode 100644
index 0000000000000000000000000000000000000000..3973c9fca7d98e1eb410675ccd43e7319f038d06
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/023.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>023.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\023.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1065</xmin>
+			<ymin>437</ymin>
+			<xmax>1298</xmax>
+			<ymax>508</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/025.jpg b/Code/Ball_Detection/images/train-test-1/train/025.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..d2ca1473a93ef6df5b597ef662baf3ebc11e7932
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/025.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/025.xml b/Code/Ball_Detection/images/train-test-1/train/025.xml
new file mode 100644
index 0000000000000000000000000000000000000000..a53c8c963426f33ef926c8f995d016840e6d669d
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/025.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>025.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\025.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1019</xmin>
+			<ymin>126</ymin>
+			<xmax>1311</xmax>
+			<ymax>429</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/026.jpg b/Code/Ball_Detection/images/train-test-1/train/026.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..6dfdbda103b583d628dfb8abf4b7424d7a83b4c1
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/026.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/026.xml b/Code/Ball_Detection/images/train-test-1/train/026.xml
new file mode 100644
index 0000000000000000000000000000000000000000..dd3e733a8a5f39ef3f0506c5213b15e364064d64
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/026.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>026.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\026.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1060</xmin>
+			<ymin>334</ymin>
+			<xmax>1347</xmax>
+			<ymax>616</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/027.jpg b/Code/Ball_Detection/images/train-test-1/train/027.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..15757aa2cf2cdcd7ce47f10016dd24c837ec433b
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/027.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/027.xml b/Code/Ball_Detection/images/train-test-1/train/027.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6d122b582d0cd4a9cef88840b6e5ca74854b483c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/027.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>027.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\027.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>953</xmin>
+			<ymin>592</ymin>
+			<xmax>1253</xmax>
+			<ymax>980</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/029.jpg b/Code/Ball_Detection/images/train-test-1/train/029.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c636b8b4d0fb488adcd91c32ae06b67a4b0528f8
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/029.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/029.xml b/Code/Ball_Detection/images/train-test-1/train/029.xml
new file mode 100644
index 0000000000000000000000000000000000000000..952c892f49983dd9513d69f646b5a1680c15b7ce
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/029.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>029.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\029.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>905</xmin>
+			<ymin>382</ymin>
+			<xmax>1168</xmax>
+			<ymax>658</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/030.jpg b/Code/Ball_Detection/images/train-test-1/train/030.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..63ae1e1deac40c5b9d9e23ec3429b9fe3e88d890
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/030.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/030.xml b/Code/Ball_Detection/images/train-test-1/train/030.xml
new file mode 100644
index 0000000000000000000000000000000000000000..2cda88d6d27cd1e0d697cb40c1be7a98781bcfd1
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/030.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>030.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\030.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1001</xmin>
+			<ymin>164</ymin>
+			<xmax>1280</xmax>
+			<ymax>567</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>682</xmin>
+			<ymin>290</ymin>
+			<xmax>1004</xmax>
+			<ymax>658</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/031.jpg b/Code/Ball_Detection/images/train-test-1/train/031.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f345f8e0391af4c509346dcdcca1ed01e8b75158
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/031.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/031.xml b/Code/Ball_Detection/images/train-test-1/train/031.xml
new file mode 100644
index 0000000000000000000000000000000000000000..3df296c4573e81b96d0152b5708c90d9146ec217
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/031.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>031.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\031.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>495</xmin>
+			<ymin>210</ymin>
+			<xmax>965</xmax>
+			<ymax>685</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/033.jpg b/Code/Ball_Detection/images/train-test-1/train/033.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..95a66eca40372a3448b0becdd64d253df7b9c47b
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/033.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/033.xml b/Code/Ball_Detection/images/train-test-1/train/033.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9795cd634c6cf2d34c7180a2c6b94fbe32dfe162
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/033.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>033.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\033.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>608</xmin>
+			<ymin>81</ymin>
+			<xmax>1280</xmax>
+			<ymax>1030</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/034.jpg b/Code/Ball_Detection/images/train-test-1/train/034.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..9bda4b3c1e61cfabdb27f5ee37d703c592cdc3b4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/034.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/034.xml b/Code/Ball_Detection/images/train-test-1/train/034.xml
new file mode 100644
index 0000000000000000000000000000000000000000..546ae37abe59a4018de26e3dd5d24939b1d074bd
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/034.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>034.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\034.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>732</xmin>
+			<ymin>566</ymin>
+			<xmax>898</xmax>
+			<ymax>745</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>85</xmin>
+			<ymin>907</ymin>
+			<xmax>288</xmax>
+			<ymax>1080</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/035.jpg b/Code/Ball_Detection/images/train-test-1/train/035.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..3aef7a739e3a37321576f18dfee167a802c435ef
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/035.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/035.xml b/Code/Ball_Detection/images/train-test-1/train/035.xml
new file mode 100644
index 0000000000000000000000000000000000000000..b0ba3eeb9256434d788e9e41a03cf61b2a38675a
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/035.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>035.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\035.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>313</xmin>
+			<ymin>710</ymin>
+			<xmax>486</xmax>
+			<ymax>900</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>351</xmin>
+			<ymin>190</ymin>
+			<xmax>781</xmax>
+			<ymax>696</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/037.jpg b/Code/Ball_Detection/images/train-test-1/train/037.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4c7329a199ee42b94d77b2222da08c5523566abc
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/037.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/037.xml b/Code/Ball_Detection/images/train-test-1/train/037.xml
new file mode 100644
index 0000000000000000000000000000000000000000..01ad515abf59daff7b87324623dd996906ec6771
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/037.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>037.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\037.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>518</xmin>
+			<ymin>280</ymin>
+			<xmax>852</xmax>
+			<ymax>689</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>312</xmin>
+			<ymin>707</ymin>
+			<xmax>490</xmax>
+			<ymax>899</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/038.jpg b/Code/Ball_Detection/images/train-test-1/train/038.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..441deda1f1c271fd39b7d04ab774f72119ef0346
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/038.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/038.xml b/Code/Ball_Detection/images/train-test-1/train/038.xml
new file mode 100644
index 0000000000000000000000000000000000000000..c0d36db620d942eb6864c43ec3577fc2343a33b6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/038.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>038.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\038.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>670</xmin>
+			<ymin>351</ymin>
+			<xmax>931</xmax>
+			<ymax>668</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>401</xmin>
+			<ymin>418</ymin>
+			<xmax>684</xmax>
+			<ymax>735</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/039.jpg b/Code/Ball_Detection/images/train-test-1/train/039.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..053eea82653af5fd5a870d2c9322d80b641e6ac2
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/039.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/039.xml b/Code/Ball_Detection/images/train-test-1/train/039.xml
new file mode 100644
index 0000000000000000000000000000000000000000..0f49dbc40dafea58352727e416966f5be196784c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/039.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>039.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\039.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>468</xmin>
+			<ymin>285</ymin>
+			<xmax>599</xmax>
+			<ymax>429</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>710</xmin>
+			<ymin>282</ymin>
+			<xmax>872</xmax>
+			<ymax>455</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/041.jpg b/Code/Ball_Detection/images/train-test-1/train/041.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..572936ce810767314a01b67c796da1a455a699d7
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/041.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/041.xml b/Code/Ball_Detection/images/train-test-1/train/041.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d758c8c1a95f767c1efaa2d08f894c093329813b
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/041.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>041.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\041.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>630</xmin>
+			<ymin>190</ymin>
+			<xmax>780</xmax>
+			<ymax>360</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>160</ymin>
+			<xmax>406</xmax>
+			<ymax>621</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/042.jpg b/Code/Ball_Detection/images/train-test-1/train/042.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..9ffa5a8710dab02bb51ae81784d73c014bf80875
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/042.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/042.xml b/Code/Ball_Detection/images/train-test-1/train/042.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9d1745d7dfaf888c0e692957c31f19d39a53a181
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/042.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>042.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\042.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>596</xmin>
+			<ymin>672</ymin>
+			<xmax>738</xmax>
+			<ymax>846</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>720</xmin>
+			<ymin>448</ymin>
+			<xmax>1105</xmax>
+			<ymax>886</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/043.jpg b/Code/Ball_Detection/images/train-test-1/train/043.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ed5d6ba14f2c9910e024180b95fd90c6c3c8e47d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/043.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/043.xml b/Code/Ball_Detection/images/train-test-1/train/043.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d106b30134e97798197dafbdf3021682b962f0d9
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/043.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>043.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\043.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>585</xmin>
+			<ymin>385</ymin>
+			<xmax>725</xmax>
+			<ymax>542</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>652</xmin>
+			<ymin>571</ymin>
+			<xmax>795</xmax>
+			<ymax>727</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/045.jpg b/Code/Ball_Detection/images/train-test-1/train/045.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f2ab57e1eb9450af6fba4dfa626abd755337c598
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/045.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/045.xml b/Code/Ball_Detection/images/train-test-1/train/045.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d3a5551a29ead48bb673776ada70c28943ffc369
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/045.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>045.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\045.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>450</xmin>
+			<ymin>465</ymin>
+			<xmax>858</xmax>
+			<ymax>950</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>855</xmin>
+			<ymin>690</ymin>
+			<xmax>976</xmax>
+			<ymax>828</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/046.jpg b/Code/Ball_Detection/images/train-test-1/train/046.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ce8c34fa1acf2089a3a6e443917135bd20d78f14
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/046.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/046.xml b/Code/Ball_Detection/images/train-test-1/train/046.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d025569e44a7fa4f63f4f1440738d58aa93c6ea6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/046.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>046.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\046.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>100</ymin>
+			<xmax>408</xmax>
+			<ymax>542</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>589</xmin>
+			<ymin>190</ymin>
+			<xmax>744</xmax>
+			<ymax>366</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/047.jpg b/Code/Ball_Detection/images/train-test-1/train/047.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..45564900d35ca699584875423622c0592dcee425
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/047.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/047.xml b/Code/Ball_Detection/images/train-test-1/train/047.xml
new file mode 100644
index 0000000000000000000000000000000000000000..755013a4aca8aa983c9e2e1282a11ca10dcdfd16
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/047.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>047.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\047.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>590</xmin>
+			<ymin>362</ymin>
+			<xmax>725</xmax>
+			<ymax>512</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>654</xmin>
+			<ymin>572</ymin>
+			<xmax>796</xmax>
+			<ymax>718</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/049.jpg b/Code/Ball_Detection/images/train-test-1/train/049.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..6a6018b758568adb9e1e05e4e2fb87c553253239
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/049.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/049.xml b/Code/Ball_Detection/images/train-test-1/train/049.xml
new file mode 100644
index 0000000000000000000000000000000000000000..af2116ed48d2daa7d77d5ecf21d3551af4b4dcaa
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/049.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>049.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\049.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>233</xmin>
+			<ymin>284</ymin>
+			<xmax>499</xmax>
+			<ymax>551</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>19</xmin>
+			<ymin>369</ymin>
+			<xmax>288</xmax>
+			<ymax>608</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/050.jpg b/Code/Ball_Detection/images/train-test-1/train/050.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..cdac945a0bcfe11a5abe893f74e00f913329878f
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/050.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/050.xml b/Code/Ball_Detection/images/train-test-1/train/050.xml
new file mode 100644
index 0000000000000000000000000000000000000000..713fd5f20ee39c3d61b05932c0dd457e31544894
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/050.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>050.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\050.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>642</xmin>
+			<ymin>341</ymin>
+			<xmax>968</xmax>
+			<ymax>640</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>483</xmin>
+			<ymin>495</ymin>
+			<xmax>757</xmax>
+			<ymax>756</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/051.jpg b/Code/Ball_Detection/images/train-test-1/train/051.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..662d75ca32e6efd7c7671050b7abceb093b80cba
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/051.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/051.xml b/Code/Ball_Detection/images/train-test-1/train/051.xml
new file mode 100644
index 0000000000000000000000000000000000000000..a8cd17bff4678096995001ac23ce526d7815bdcc
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/051.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>051.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\051.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>774</xmin>
+			<ymin>155</ymin>
+			<xmax>931</xmax>
+			<ymax>345</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>654</xmin>
+			<ymin>569</ymin>
+			<xmax>794</xmax>
+			<ymax>725</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/053.jpg b/Code/Ball_Detection/images/train-test-1/train/053.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4719175c02569b1a2d4d5d35fa517fe6d295724c
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/053.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/053.xml b/Code/Ball_Detection/images/train-test-1/train/053.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6db884064978d0302c6d2fc6a2541fdeba85ec4f
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/053.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>053.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\053.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>552</xmin>
+			<ymin>258</ymin>
+			<xmax>861</xmax>
+			<ymax>553</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>381</xmin>
+			<ymin>341</ymin>
+			<xmax>629</xmax>
+			<ymax>586</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/054.jpg b/Code/Ball_Detection/images/train-test-1/train/054.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..be8c6b69b70497cc96d74f9f57535041e77fff6c
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/054.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/054.xml b/Code/Ball_Detection/images/train-test-1/train/054.xml
new file mode 100644
index 0000000000000000000000000000000000000000..17ee2b3e344aa4b6c20bc22962d037962ff54d9c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/054.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>054.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\054.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>743</xmin>
+			<ymin>310</ymin>
+			<xmax>1131</xmax>
+			<ymax>726</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>655</xmin>
+			<ymin>572</ymin>
+			<xmax>796</xmax>
+			<ymax>721</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/055.jpg b/Code/Ball_Detection/images/train-test-1/train/055.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..03226cfe42c33243b45ab7f45d3a02441de6761c
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/055.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/055.xml b/Code/Ball_Detection/images/train-test-1/train/055.xml
new file mode 100644
index 0000000000000000000000000000000000000000..96fe33203cb57558990101ae2874f34c59033182
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/055.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>055.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\055.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>512</xmin>
+			<ymin>246</ymin>
+			<xmax>642</xmax>
+			<ymax>387</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>742</xmin>
+			<ymin>206</ymin>
+			<xmax>886</xmax>
+			<ymax>367</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/057.jpg b/Code/Ball_Detection/images/train-test-1/train/057.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..97661f5d02fce53b963f7ea2d6166ea02aca6856
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/057.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/057.xml b/Code/Ball_Detection/images/train-test-1/train/057.xml
new file mode 100644
index 0000000000000000000000000000000000000000..5c8b73f0f5c23994e476c8b82665e8b5c54fda07
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/057.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>057.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\057.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>645</xmin>
+			<ymin>1</ymin>
+			<xmax>1044</xmax>
+			<ymax>466</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>811</xmin>
+			<ymin>509</ymin>
+			<xmax>913</xmax>
+			<ymax>647</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/058.jpg b/Code/Ball_Detection/images/train-test-1/train/058.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e6c80401b68c9823cf9d9f2f7063405a3595ce05
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/058.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/058.xml b/Code/Ball_Detection/images/train-test-1/train/058.xml
new file mode 100644
index 0000000000000000000000000000000000000000..4628ce35b4da7e2a85a6e10a45315c572efdb024
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/058.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>058.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\058.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>86</xmin>
+			<ymin>195</ymin>
+			<xmax>428</xmax>
+			<ymax>560</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>984</xmin>
+			<ymin>460</ymin>
+			<xmax>1204</xmax>
+			<ymax>745</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/059.jpg b/Code/Ball_Detection/images/train-test-1/train/059.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..fabfb767aba67a101f90f68cdf1e003e3984208a
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/059.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/059.xml b/Code/Ball_Detection/images/train-test-1/train/059.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d979d056736990685b25db18a16b362bc68fe081
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/059.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>059.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\059.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>414</xmin>
+			<ymin>376</ymin>
+			<xmax>522</xmax>
+			<ymax>515</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>690</xmin>
+			<ymin>474</ymin>
+			<xmax>826</xmax>
+			<ymax>641</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/061.jpg b/Code/Ball_Detection/images/train-test-1/train/061.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..bf979bb62ca04f6bab3817eb447e3472a84907e1
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/061.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/061.xml b/Code/Ball_Detection/images/train-test-1/train/061.xml
new file mode 100644
index 0000000000000000000000000000000000000000..f8c95ef87e159352ae23c73664f59fe6b3681f13
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/061.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>061.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\061.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>718</xmin>
+			<ymin>601</ymin>
+			<xmax>993</xmax>
+			<ymax>881</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/062.jpg b/Code/Ball_Detection/images/train-test-1/train/062.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ddb5e6d6764563ead0d9025b9d840cd9eb666b02
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/062.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/062.xml b/Code/Ball_Detection/images/train-test-1/train/062.xml
new file mode 100644
index 0000000000000000000000000000000000000000..63d72777e604d0ec3659147733c02c1f7437e91e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/062.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>062.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\062.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>828</xmin>
+			<ymin>137</ymin>
+			<xmax>1115</xmax>
+			<ymax>461</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/063.jpg b/Code/Ball_Detection/images/train-test-1/train/063.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..93e8bfa79f83d438ec1ff59664b0f2a354398b9d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/063.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/063.xml b/Code/Ball_Detection/images/train-test-1/train/063.xml
new file mode 100644
index 0000000000000000000000000000000000000000..491e00ce5e44caa071a8f8d9da6f24236b916198
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/063.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>063.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\063.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>730</xmin>
+			<ymin>588</ymin>
+			<xmax>831</xmax>
+			<ymax>667</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>586</xmin>
+			<ymin>1</ymin>
+			<xmax>993</xmax>
+			<ymax>458</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/065.jpg b/Code/Ball_Detection/images/train-test-1/train/065.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..0820338a966c229b6dace745f5937586f3bae372
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/065.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/065.xml b/Code/Ball_Detection/images/train-test-1/train/065.xml
new file mode 100644
index 0000000000000000000000000000000000000000..db86576a335918fc4b365af60dbbd73844f650b1
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/065.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>065.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\065.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>548</xmin>
+			<ymin>464</ymin>
+			<xmax>832</xmax>
+			<ymax>789</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>743</xmin>
+			<ymin>246</ymin>
+			<xmax>1114</xmax>
+			<ymax>640</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/066.jpg b/Code/Ball_Detection/images/train-test-1/train/066.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..9c842e304470cedba7e968e6e33bae40b30bbaf6
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/066.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/066.xml b/Code/Ball_Detection/images/train-test-1/train/066.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9e8867b57b279e435cd8fda3137f5afabaa3c167
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/066.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>066.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\066.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>193</xmin>
+			<ymin>291</ymin>
+			<xmax>427</xmax>
+			<ymax>514</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>396</xmin>
+			<ymin>234</ymin>
+			<xmax>638</xmax>
+			<ymax>482</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/067.jpg b/Code/Ball_Detection/images/train-test-1/train/067.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c889882ed49d7d5b97f025f2100f89a7ee40bf41
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/067.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/067.xml b/Code/Ball_Detection/images/train-test-1/train/067.xml
new file mode 100644
index 0000000000000000000000000000000000000000..a7181cb50fc30c590eda63c8c85244e05e6e14ca
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/067.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>067.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\067.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>551</xmin>
+			<ymin>197</ymin>
+			<xmax>813</xmax>
+			<ymax>490</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>625</xmin>
+			<ymin>397</ymin>
+			<xmax>854</xmax>
+			<ymax>611</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/069.jpg b/Code/Ball_Detection/images/train-test-1/train/069.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f2763548bfdbfae6518c0b04feff6e01a87378bc
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/069.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/069.xml b/Code/Ball_Detection/images/train-test-1/train/069.xml
new file mode 100644
index 0000000000000000000000000000000000000000..f55b4fb0e75b855dc6afca20663572231dd56608
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/069.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>069.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\069.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>410</xmin>
+			<ymin>119</ymin>
+			<xmax>645</xmax>
+			<ymax>334</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>205</xmin>
+			<ymin>260</ymin>
+			<xmax>768</xmax>
+			<ymax>881</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/070.jpg b/Code/Ball_Detection/images/train-test-1/train/070.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..8e163b5710958ac98916c342110b12f395b81435
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/070.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/070.xml b/Code/Ball_Detection/images/train-test-1/train/070.xml
new file mode 100644
index 0000000000000000000000000000000000000000..bab7d2dccc9b4419bf27576e82335cb8b3c95cd9
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/070.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>070.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\070.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>793</xmin>
+			<ymin>275</ymin>
+			<xmax>1103</xmax>
+			<ymax>622</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>821</xmin>
+			<ymin>814</ymin>
+			<xmax>906</xmax>
+			<ymax>920</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/071.jpg b/Code/Ball_Detection/images/train-test-1/train/071.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..acf0835ab69c642e7d101cb239337c1bf1b1461d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/071.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/071.xml b/Code/Ball_Detection/images/train-test-1/train/071.xml
new file mode 100644
index 0000000000000000000000000000000000000000..53621c2270d3a2084b27ef0df6ade5d910010ac5
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/071.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>071.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\071.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>345</ymin>
+			<xmax>442</xmax>
+			<ymax>998</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>349</xmin>
+			<ymin>714</ymin>
+			<xmax>490</xmax>
+			<ymax>901</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/073.jpg b/Code/Ball_Detection/images/train-test-1/train/073.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..341bd908e42902d9e1d9ac2c4b888512726afe63
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/073.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/073.xml b/Code/Ball_Detection/images/train-test-1/train/073.xml
new file mode 100644
index 0000000000000000000000000000000000000000..108d2bbb19d7082675f7548f2df307bded8e7519
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/073.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>073.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\073.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>371</xmin>
+			<ymin>421</ymin>
+			<xmax>733</xmax>
+			<ymax>851</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/074.jpg b/Code/Ball_Detection/images/train-test-1/train/074.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..5a0c6cdfd6314586e032f82196ed01c415e0c819
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/074.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/074.xml b/Code/Ball_Detection/images/train-test-1/train/074.xml
new file mode 100644
index 0000000000000000000000000000000000000000..810bbc9cd69de12447ead047053a706ba95ad07d
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/074.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>074.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\074.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>371</xmin>
+			<ymin>438</ymin>
+			<xmax>493</xmax>
+			<ymax>566</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>675</xmin>
+			<ymin>601</ymin>
+			<xmax>823</xmax>
+			<ymax>757</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/075.jpg b/Code/Ball_Detection/images/train-test-1/train/075.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..22907284e26638d8100ccb152e6ceb37c0cf9a93
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/075.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/075.xml b/Code/Ball_Detection/images/train-test-1/train/075.xml
new file mode 100644
index 0000000000000000000000000000000000000000..34cc7576414d6e6fb4fad0e97d443a7c52101e76
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/075.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>075.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\075.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>644</xmin>
+			<ymin>288</ymin>
+			<xmax>917</xmax>
+			<ymax>560</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>831</xmin>
+			<ymin>81</ymin>
+			<xmax>1024</xmax>
+			<ymax>450</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/077.jpg b/Code/Ball_Detection/images/train-test-1/train/077.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c08f226540b3fc20894e78b404ce276a1b5b0afc
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/077.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/077.xml b/Code/Ball_Detection/images/train-test-1/train/077.xml
new file mode 100644
index 0000000000000000000000000000000000000000..2032df6bb44994ca79be66669006f95e80eb153e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/077.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>077.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\077.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>355</xmin>
+			<ymin>322</ymin>
+			<xmax>912</xmax>
+			<ymax>925</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>312</xmin>
+			<ymin>719</ymin>
+			<xmax>451</xmax>
+			<ymax>900</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/078.jpg b/Code/Ball_Detection/images/train-test-1/train/078.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..d2c7f1b8759fab49dc9966a1e4dba49a6711433c
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/078.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/078.xml b/Code/Ball_Detection/images/train-test-1/train/078.xml
new file mode 100644
index 0000000000000000000000000000000000000000..90da8e6792eb17c4cfc77576a7a226f4f9be2e04
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/078.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>078.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\078.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>616</xmin>
+			<ymin>399</ymin>
+			<xmax>946</xmax>
+			<ymax>757</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>742</xmin>
+			<ymin>760</ymin>
+			<xmax>1057</xmax>
+			<ymax>1080</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/079.jpg b/Code/Ball_Detection/images/train-test-1/train/079.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..82afb3453d5fc40439c27d61ba3251a92fec2cc4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/079.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/079.xml b/Code/Ball_Detection/images/train-test-1/train/079.xml
new file mode 100644
index 0000000000000000000000000000000000000000..7c02a73dc09924c932a6ca7bb83ed5c9d343aae6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/079.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>079.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\079.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>838</xmin>
+			<ymin>296</ymin>
+			<xmax>1150</xmax>
+			<ymax>597</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/081.jpg b/Code/Ball_Detection/images/train-test-1/train/081.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c27292875e04cfa464f716722580503198d740a4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/081.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/081.xml b/Code/Ball_Detection/images/train-test-1/train/081.xml
new file mode 100644
index 0000000000000000000000000000000000000000..f86d33806d81017128a6bf47d8b45290bd2c52b8
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/081.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>081.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\081.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>422</xmin>
+			<ymin>191</ymin>
+			<xmax>698</xmax>
+			<ymax>487</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/082.jpg b/Code/Ball_Detection/images/train-test-1/train/082.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c0b1176dd5fdfe92be086b8a3581add2f3217fa7
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/082.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/082.xml b/Code/Ball_Detection/images/train-test-1/train/082.xml
new file mode 100644
index 0000000000000000000000000000000000000000..82100751d88809c4f3cd39c077183f998bb2b9b5
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/082.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>082.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\082.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>433</xmin>
+			<ymin>340</ymin>
+			<xmax>556</xmax>
+			<ymax>477</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>702</xmin>
+			<ymin>392</ymin>
+			<xmax>849</xmax>
+			<ymax>558</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-1/train/083.jpg b/Code/Ball_Detection/images/train-test-1/train/083.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..14d0983b0a5df08f785f6c17640c33c6eb2cfcc8
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-1/train/083.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-1/train/083.xml b/Code/Ball_Detection/images/train-test-1/train/083.xml
new file mode 100644
index 0000000000000000000000000000000000000000..fb7d0b692206595e478fc184352f1a30760cb7e4
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-1/train/083.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>083.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\083.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>155</xmin>
+			<ymin>419</ymin>
+			<xmax>381</xmax>
+			<ymax>650</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>472</ymin>
+			<xmax>167</xmax>
+			<ymax>705</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/004.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/004.xml
new file mode 100644
index 0000000000000000000000000000000000000000..11620256c8d63fd687499a92826290e73df2dcbc
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/004.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>004.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\004.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>321</xmin>
+			<ymin>704</ymin>
+			<xmax>509</xmax>
+			<ymax>906</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>726</xmin>
+			<ymin>566</ymin>
+			<xmax>895</xmax>
+			<ymax>747</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/008.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/008.xml
new file mode 100644
index 0000000000000000000000000000000000000000..16c082a00c0bf5c52b7348bfe1198ae8c426a9c8
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/008.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>008.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\008.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>288</xmin>
+			<ymin>158</ymin>
+			<xmax>349</xmax>
+			<ymax>221</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/012.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/012.xml
new file mode 100644
index 0000000000000000000000000000000000000000..0290fe096d507242a5cb6dcc48a467f30553ec3e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/012.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>012.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\012.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>669</xmin>
+			<ymin>632</ymin>
+			<xmax>986</xmax>
+			<ymax>954</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/016.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/016.xml
new file mode 100644
index 0000000000000000000000000000000000000000..3162bbe4299ca2b42139f1e0c7012895564b4ff4
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/016.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>016.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\016.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>300</xmin>
+			<ymin>559</ymin>
+			<xmax>720</xmax>
+			<ymax>985</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>853</xmin>
+			<ymin>651</ymin>
+			<xmax>973</xmax>
+			<ymax>788</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/020.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/020.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9141eaf360505349d485a3aa8dc282b87e8bdf9e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/020.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>020.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\020.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>3264</width>
+		<height>2448</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1279</xmin>
+			<ymin>849</ymin>
+			<xmax>1997</xmax>
+			<ymax>1557</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/024.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/024.xml
new file mode 100644
index 0000000000000000000000000000000000000000..64391538e8f65d90d8b8b2b53822e98e21d5a850
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/024.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>024.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\024.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>892</xmin>
+			<ymin>412</ymin>
+			<xmax>1152</xmax>
+			<ymax>580</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/028.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/028.xml
new file mode 100644
index 0000000000000000000000000000000000000000..debe2117dcc5c7f0d737747459fe945747527ea6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/028.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>028.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\028.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>970</xmin>
+			<ymin>222</ymin>
+			<xmax>1253</xmax>
+			<ymax>502</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/032.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/032.xml
new file mode 100644
index 0000000000000000000000000000000000000000..72b4aa628ff799e29ea90c858515ccb8323cdae0
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/032.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>032.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\032.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>269</xmin>
+			<ymin>719</ymin>
+			<xmax>372</xmax>
+			<ymax>826</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/036.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/036.xml
new file mode 100644
index 0000000000000000000000000000000000000000..25896ce90b179753e60ad08d623dd0811bc4feea
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/036.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>036.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\036.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>713</xmin>
+			<ymin>242</ymin>
+			<xmax>1074</xmax>
+			<ymax>641</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>540</xmin>
+			<ymin>560</ymin>
+			<xmax>816</xmax>
+			<ymax>900</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/040.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/040.xml
new file mode 100644
index 0000000000000000000000000000000000000000..1a76e38af4f152690bf622adce3c8c8b4e5b5178
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/040.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>040.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\040.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>752</xmin>
+			<ymin>597</ymin>
+			<xmax>839</xmax>
+			<ymax>672</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>701</xmin>
+			<ymin>1</ymin>
+			<xmax>1162</xmax>
+			<ymax>432</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/044.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/044.xml
new file mode 100644
index 0000000000000000000000000000000000000000..2b7ad750284baee1327224c67ce1b231d96b0efd
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/044.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>044.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\044.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>646</xmin>
+			<ymin>594</ymin>
+			<xmax>790</xmax>
+			<ymax>742</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>498</xmin>
+			<ymin>1</ymin>
+			<xmax>885</xmax>
+			<ymax>384</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/048.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/048.xml
new file mode 100644
index 0000000000000000000000000000000000000000..c54a42141acd4241df37c5fcc23a7f423db1b69c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/048.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>048.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\048.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>654</xmin>
+			<ymin>571</ymin>
+			<xmax>795</xmax>
+			<ymax>724</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>799</xmin>
+			<ymin>230</ymin>
+			<xmax>950</xmax>
+			<ymax>411</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/052.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/052.xml
new file mode 100644
index 0000000000000000000000000000000000000000..80211c1c2e03faf3890384009f2c6ab5c3f9b8a6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/052.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>052.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\052.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>311</xmin>
+			<ymin>535</ymin>
+			<xmax>562</xmax>
+			<ymax>829</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>38</xmin>
+			<ymin>589</ymin>
+			<xmax>334</xmax>
+			<ymax>910</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/056.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/056.xml
new file mode 100644
index 0000000000000000000000000000000000000000..59537c2a0d0f062728b21b7bcb6e77201e463945
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/056.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>056.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\056.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>331</xmin>
+			<ymin>717</ymin>
+			<xmax>488</xmax>
+			<ymax>906</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>1</ymin>
+			<xmax>675</xmax>
+			<ymax>730</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/060.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/060.xml
new file mode 100644
index 0000000000000000000000000000000000000000..51dc2bad68cc0ff8b8612a565c2bb02b187beaca
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/060.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>060.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\060.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>3264</width>
+		<height>2448</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1340</xmin>
+			<ymin>849</ymin>
+			<xmax>1963</xmax>
+			<ymax>1552</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/064.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/064.xml
new file mode 100644
index 0000000000000000000000000000000000000000..e3a9b7582d5bd7e11226cdd54562aebaa9bd779d
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/064.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>064.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\064.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>332</xmin>
+			<ymin>280</ymin>
+			<xmax>537</xmax>
+			<ymax>488</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/068.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/068.xml
new file mode 100644
index 0000000000000000000000000000000000000000..0616d539dfea188a9118abee4c52d0433e9cf6ca
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/068.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>068.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\068.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>101</xmin>
+			<ymin>217</ymin>
+			<xmax>448</xmax>
+			<ymax>601</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>982</xmin>
+			<ymin>578</ymin>
+			<xmax>1201</xmax>
+			<ymax>878</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/072.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/072.xml
new file mode 100644
index 0000000000000000000000000000000000000000..a683c22355b555656010718fd5bb4a494718973c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/072.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>072.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\072.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>326</xmin>
+			<ymin>706</ymin>
+			<xmax>491</xmax>
+			<ymax>907</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>729</xmin>
+			<ymin>564</ymin>
+			<xmax>899</xmax>
+			<ymax>742</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/076.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/076.xml
new file mode 100644
index 0000000000000000000000000000000000000000..946891d6b0e8bfc66835f24fe22c5e5073887029
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/076.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>test</folder>
+	<filename>076.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\076.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>403</xmin>
+			<ymin>465</ymin>
+			<xmax>839</xmax>
+			<ymax>991</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>313</xmin>
+			<ymin>710</ymin>
+			<xmax>443</xmax>
+			<ymax>905</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/080.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/080.xml
new file mode 100644
index 0000000000000000000000000000000000000000..ec61bc4601c67781f45887b7fbf18c6a976484d9
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/080.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>test</folder>
+	<filename>080.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\080.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>507</xmin>
+			<ymin>268</ymin>
+			<xmax>645</xmax>
+			<ymax>402</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/084.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/084.xml
new file mode 100644
index 0000000000000000000000000000000000000000..5cea235deba5ae9e9ce2723c75c7888298e103f8
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/084.xml
@@ -0,0 +1,14 @@
+<annotation>
+	<folder>test</folder>
+	<filename>084.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\084.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>720</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/annotations/085.xml b/Code/Ball_Detection/images/train-test-2/test/annotations/085.xml
new file mode 100644
index 0000000000000000000000000000000000000000..01e45958351d110e806cfb3b5868709c4ea3096a
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/test/annotations/085.xml
@@ -0,0 +1,14 @@
+<annotation>
+	<folder>test</folder>
+	<filename>085.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\test\085.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>720</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/004.jpg b/Code/Ball_Detection/images/train-test-2/test/images/004.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e65deddfe659c2974620157be1c0ba38f512dfa6
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/004.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/008.jpg b/Code/Ball_Detection/images/train-test-2/test/images/008.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..cd9fde125f1f1ad416f5c733de4467a70929c03d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/008.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/012.jpg b/Code/Ball_Detection/images/train-test-2/test/images/012.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4636583cae80deae09482edaf82ed53108e62fce
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/012.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/016.jpg b/Code/Ball_Detection/images/train-test-2/test/images/016.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..10c7d6bc9e75a7b30c084d15c487be5f2500ea88
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/016.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/020.jpg b/Code/Ball_Detection/images/train-test-2/test/images/020.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e8ae5e31571a389c7989d88aaf9a654e80bb8159
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/020.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/024.jpg b/Code/Ball_Detection/images/train-test-2/test/images/024.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b7f30a11957b6611938627276a433b4695d96b0a
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/024.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/028.jpg b/Code/Ball_Detection/images/train-test-2/test/images/028.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f9293285e74ec74a0234787d7e72415b4df86001
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/028.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/032.jpg b/Code/Ball_Detection/images/train-test-2/test/images/032.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..7df9ed2ba38d600169cc16965cd963beedc2dcff
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/032.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/036.jpg b/Code/Ball_Detection/images/train-test-2/test/images/036.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..fe8ca876220e199ba99ac0d8233d62cba79121d4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/036.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/040.jpg b/Code/Ball_Detection/images/train-test-2/test/images/040.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c3c3b3317047f9a5f8be38dc2526b018d11867f4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/040.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/044.jpg b/Code/Ball_Detection/images/train-test-2/test/images/044.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..7a08c9572e5256aab22d07afdfb83cced94982dc
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/044.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/048.jpg b/Code/Ball_Detection/images/train-test-2/test/images/048.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..bd64a21f2fad6e0bdcb48908259c96830a8745f4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/048.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/052.jpg b/Code/Ball_Detection/images/train-test-2/test/images/052.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..373545215751a5c76b144c8cf7d9fcb1e7cc10f7
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/052.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/056.jpg b/Code/Ball_Detection/images/train-test-2/test/images/056.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..969a1d02c79864c15541b4e1a4034888df346211
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/056.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/060.jpg b/Code/Ball_Detection/images/train-test-2/test/images/060.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4e3431452c7ddbf80968e40092bf195ce0e2a045
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/060.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/064.jpg b/Code/Ball_Detection/images/train-test-2/test/images/064.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..da210b186599d659d8c0ee4cb897d31b00b779ce
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/064.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/068.jpg b/Code/Ball_Detection/images/train-test-2/test/images/068.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e82b7948866b7ab4f26bee83c8ffd06b74a27b84
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/068.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/072.jpg b/Code/Ball_Detection/images/train-test-2/test/images/072.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..0f7b96c374ea2f050f23ad3bfffb6865c8696707
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/072.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/076.jpg b/Code/Ball_Detection/images/train-test-2/test/images/076.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..fe4e5aeaf6ebf7d502aafbaa61b7732a987bda58
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/076.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/080.jpg b/Code/Ball_Detection/images/train-test-2/test/images/080.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..1c15b2e6059b8fdc220d1c4de199341ff847da98
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/080.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/084.jpg b/Code/Ball_Detection/images/train-test-2/test/images/084.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b5d11535fb256bee21b5d85420a559439552010d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/084.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/test/images/085.jpg b/Code/Ball_Detection/images/train-test-2/test/images/085.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ee96e747ec2c39a544d7756d08b36f47766483f4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/test/images/085.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/001.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/001.xml
new file mode 100644
index 0000000000000000000000000000000000000000..dd126d05f1565db6e9de35278a30df6dc6523493
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/001.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>001.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\001.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>324</xmin>
+			<ymin>706</ymin>
+			<xmax>489</xmax>
+			<ymax>886</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>726</xmin>
+			<ymin>566</ymin>
+			<xmax>896</xmax>
+			<ymax>749</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/002.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/002.xml
new file mode 100644
index 0000000000000000000000000000000000000000..84d3e1ccbfd369cff1ecd22eccb23a8b52489f6d
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/002.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>002.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\002.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>152</xmin>
+			<ymin>363</ymin>
+			<xmax>278</xmax>
+			<ymax>482</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/003.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/003.xml
new file mode 100644
index 0000000000000000000000000000000000000000..ff6ab78c724d80e43fbd73ee71e3c2b1905f90fd
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/003.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>003.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\003.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>414</xmin>
+			<ymin>353</ymin>
+			<xmax>520</xmax>
+			<ymax>456</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/005.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/005.xml
new file mode 100644
index 0000000000000000000000000000000000000000..f00b38ed94befcdf1f43b700eb512e8950038445
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/005.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>005.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\005.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>225</xmin>
+			<ymin>310</ymin>
+			<xmax>379</xmax>
+			<ymax>473</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/006.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/006.xml
new file mode 100644
index 0000000000000000000000000000000000000000..02ce3d52b699256208488cfd8c7dd0699d149507
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/006.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>006.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\006.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>472</xmin>
+			<ymin>273</ymin>
+			<xmax>549</xmax>
+			<ymax>354</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/007.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/007.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6f3c5b2cf298448a77510a148668aad707c23a46
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/007.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>007.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\007.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>800</width>
+		<height>600</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>478</xmin>
+			<ymin>182</ymin>
+			<xmax>570</xmax>
+			<ymax>271</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/009.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/009.xml
new file mode 100644
index 0000000000000000000000000000000000000000..4edc9203cd6fbd0a8cdb420520a096b2de1a9c3a
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/009.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>009.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\009.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>3264</width>
+		<height>2448</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1343</xmin>
+			<ymin>690</ymin>
+			<xmax>1707</xmax>
+			<ymax>1108</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/010.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/010.xml
new file mode 100644
index 0000000000000000000000000000000000000000..3fac06ee34836da52f3106b0f6224cc6f8a175b0
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/010.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>010.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\010.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>381</xmin>
+			<ymin>364</ymin>
+			<xmax>772</xmax>
+			<ymax>811</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>314</xmin>
+			<ymin>710</ymin>
+			<xmax>488</xmax>
+			<ymax>902</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/011.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/011.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9f5f6a1441a06215617551679b25ce31d8482518
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/011.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>011.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\011.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>365</xmin>
+			<ymin>228</ymin>
+			<xmax>796</xmax>
+			<ymax>663</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/013.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/013.xml
new file mode 100644
index 0000000000000000000000000000000000000000..1e77d287a54944c07207cae1f43804c4c0af1836
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/013.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>013.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\013.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>565</xmin>
+			<ymin>570</ymin>
+			<xmax>785</xmax>
+			<ymax>784</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/014.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/014.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6fa78117e396a729910d904abb584b4902de99b1
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/014.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>014.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\014.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>527</xmin>
+			<ymin>487</ymin>
+			<xmax>726</xmax>
+			<ymax>681</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/015.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/015.xml
new file mode 100644
index 0000000000000000000000000000000000000000..1b65008e22d2904c624a3e925167d630aa086879
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/015.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>015.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\015.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>571</xmin>
+			<ymin>150</ymin>
+			<xmax>827</xmax>
+			<ymax>430</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/017.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/017.xml
new file mode 100644
index 0000000000000000000000000000000000000000..0f6718c59dd187f06615dcc2a27fc2d1a15a8627
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/017.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>017.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\017.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>602</xmin>
+			<ymin>586</ymin>
+			<xmax>832</xmax>
+			<ymax>852</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/018.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/018.xml
new file mode 100644
index 0000000000000000000000000000000000000000..e968fa639906075ba9504ef5a5aab5a829e5251a
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/018.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>018.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\018.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>109</xmin>
+			<ymin>287</ymin>
+			<xmax>611</xmax>
+			<ymax>869</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>654</xmin>
+			<ymin>576</ymin>
+			<xmax>794</xmax>
+			<ymax>719</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/019.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/019.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6a27d017739308488120f293fd2a620b9de57fd1
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/019.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>019.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\019.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>3264</width>
+		<height>2448</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1404</xmin>
+			<ymin>821</ymin>
+			<xmax>2068</xmax>
+			<ymax>1488</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/021.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/021.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d3301515604a994e967bfa5b96a07497df93938e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/021.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>021.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\021.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>655</xmin>
+			<ymin>572</ymin>
+			<xmax>792</xmax>
+			<ymax>720</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>756</xmin>
+			<ymin>144</ymin>
+			<xmax>912</xmax>
+			<ymax>334</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/022.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/022.xml
new file mode 100644
index 0000000000000000000000000000000000000000..04e947a5787f476ea6159c8a2a14c83793db0cdb
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/022.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>022.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\022.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>923</xmin>
+			<ymin>282</ymin>
+			<xmax>1222</xmax>
+			<ymax>559</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/023.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/023.xml
new file mode 100644
index 0000000000000000000000000000000000000000..3973c9fca7d98e1eb410675ccd43e7319f038d06
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/023.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>023.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\023.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1065</xmin>
+			<ymin>437</ymin>
+			<xmax>1298</xmax>
+			<ymax>508</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/025.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/025.xml
new file mode 100644
index 0000000000000000000000000000000000000000..a53c8c963426f33ef926c8f995d016840e6d669d
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/025.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>025.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\025.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1019</xmin>
+			<ymin>126</ymin>
+			<xmax>1311</xmax>
+			<ymax>429</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/026.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/026.xml
new file mode 100644
index 0000000000000000000000000000000000000000..dd3e733a8a5f39ef3f0506c5213b15e364064d64
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/026.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>026.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\026.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1060</xmin>
+			<ymin>334</ymin>
+			<xmax>1347</xmax>
+			<ymax>616</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/027.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/027.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6d122b582d0cd4a9cef88840b6e5ca74854b483c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/027.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>027.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\027.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>953</xmin>
+			<ymin>592</ymin>
+			<xmax>1253</xmax>
+			<ymax>980</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/029.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/029.xml
new file mode 100644
index 0000000000000000000000000000000000000000..952c892f49983dd9513d69f646b5a1680c15b7ce
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/029.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>029.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\029.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>905</xmin>
+			<ymin>382</ymin>
+			<xmax>1168</xmax>
+			<ymax>658</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/030.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/030.xml
new file mode 100644
index 0000000000000000000000000000000000000000..2cda88d6d27cd1e0d697cb40c1be7a98781bcfd1
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/030.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>030.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\030.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1001</xmin>
+			<ymin>164</ymin>
+			<xmax>1280</xmax>
+			<ymax>567</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>682</xmin>
+			<ymin>290</ymin>
+			<xmax>1004</xmax>
+			<ymax>658</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/031.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/031.xml
new file mode 100644
index 0000000000000000000000000000000000000000..3df296c4573e81b96d0152b5708c90d9146ec217
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/031.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>031.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\031.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>495</xmin>
+			<ymin>210</ymin>
+			<xmax>965</xmax>
+			<ymax>685</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/033.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/033.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9795cd634c6cf2d34c7180a2c6b94fbe32dfe162
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/033.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>033.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\033.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>608</xmin>
+			<ymin>81</ymin>
+			<xmax>1280</xmax>
+			<ymax>1030</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/034.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/034.xml
new file mode 100644
index 0000000000000000000000000000000000000000..546ae37abe59a4018de26e3dd5d24939b1d074bd
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/034.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>034.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\034.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>732</xmin>
+			<ymin>566</ymin>
+			<xmax>898</xmax>
+			<ymax>745</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>85</xmin>
+			<ymin>907</ymin>
+			<xmax>288</xmax>
+			<ymax>1080</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/035.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/035.xml
new file mode 100644
index 0000000000000000000000000000000000000000..b0ba3eeb9256434d788e9e41a03cf61b2a38675a
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/035.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>035.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\035.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>313</xmin>
+			<ymin>710</ymin>
+			<xmax>486</xmax>
+			<ymax>900</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>351</xmin>
+			<ymin>190</ymin>
+			<xmax>781</xmax>
+			<ymax>696</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/037.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/037.xml
new file mode 100644
index 0000000000000000000000000000000000000000..01ad515abf59daff7b87324623dd996906ec6771
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/037.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>037.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\037.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>518</xmin>
+			<ymin>280</ymin>
+			<xmax>852</xmax>
+			<ymax>689</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>312</xmin>
+			<ymin>707</ymin>
+			<xmax>490</xmax>
+			<ymax>899</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/038.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/038.xml
new file mode 100644
index 0000000000000000000000000000000000000000..c0d36db620d942eb6864c43ec3577fc2343a33b6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/038.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>038.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\038.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>670</xmin>
+			<ymin>351</ymin>
+			<xmax>931</xmax>
+			<ymax>668</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>401</xmin>
+			<ymin>418</ymin>
+			<xmax>684</xmax>
+			<ymax>735</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/039.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/039.xml
new file mode 100644
index 0000000000000000000000000000000000000000..0f49dbc40dafea58352727e416966f5be196784c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/039.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>039.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\039.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>468</xmin>
+			<ymin>285</ymin>
+			<xmax>599</xmax>
+			<ymax>429</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>710</xmin>
+			<ymin>282</ymin>
+			<xmax>872</xmax>
+			<ymax>455</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/041.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/041.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d758c8c1a95f767c1efaa2d08f894c093329813b
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/041.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>041.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\041.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>630</xmin>
+			<ymin>190</ymin>
+			<xmax>780</xmax>
+			<ymax>360</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>160</ymin>
+			<xmax>406</xmax>
+			<ymax>621</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/042.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/042.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9d1745d7dfaf888c0e692957c31f19d39a53a181
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/042.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>042.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\042.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>596</xmin>
+			<ymin>672</ymin>
+			<xmax>738</xmax>
+			<ymax>846</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>720</xmin>
+			<ymin>448</ymin>
+			<xmax>1105</xmax>
+			<ymax>886</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/043.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/043.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d106b30134e97798197dafbdf3021682b962f0d9
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/043.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>043.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\043.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>585</xmin>
+			<ymin>385</ymin>
+			<xmax>725</xmax>
+			<ymax>542</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>652</xmin>
+			<ymin>571</ymin>
+			<xmax>795</xmax>
+			<ymax>727</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/045.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/045.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d3a5551a29ead48bb673776ada70c28943ffc369
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/045.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>045.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\045.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>450</xmin>
+			<ymin>465</ymin>
+			<xmax>858</xmax>
+			<ymax>950</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>855</xmin>
+			<ymin>690</ymin>
+			<xmax>976</xmax>
+			<ymax>828</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/046.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/046.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d025569e44a7fa4f63f4f1440738d58aa93c6ea6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/046.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>046.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\046.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>100</ymin>
+			<xmax>408</xmax>
+			<ymax>542</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>589</xmin>
+			<ymin>190</ymin>
+			<xmax>744</xmax>
+			<ymax>366</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/047.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/047.xml
new file mode 100644
index 0000000000000000000000000000000000000000..755013a4aca8aa983c9e2e1282a11ca10dcdfd16
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/047.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>047.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\047.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>590</xmin>
+			<ymin>362</ymin>
+			<xmax>725</xmax>
+			<ymax>512</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>654</xmin>
+			<ymin>572</ymin>
+			<xmax>796</xmax>
+			<ymax>718</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/049.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/049.xml
new file mode 100644
index 0000000000000000000000000000000000000000..af2116ed48d2daa7d77d5ecf21d3551af4b4dcaa
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/049.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>049.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\049.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>233</xmin>
+			<ymin>284</ymin>
+			<xmax>499</xmax>
+			<ymax>551</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>19</xmin>
+			<ymin>369</ymin>
+			<xmax>288</xmax>
+			<ymax>608</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/050.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/050.xml
new file mode 100644
index 0000000000000000000000000000000000000000..713fd5f20ee39c3d61b05932c0dd457e31544894
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/050.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>050.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\050.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>642</xmin>
+			<ymin>341</ymin>
+			<xmax>968</xmax>
+			<ymax>640</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>483</xmin>
+			<ymin>495</ymin>
+			<xmax>757</xmax>
+			<ymax>756</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/051.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/051.xml
new file mode 100644
index 0000000000000000000000000000000000000000..a8cd17bff4678096995001ac23ce526d7815bdcc
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/051.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>051.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\051.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>774</xmin>
+			<ymin>155</ymin>
+			<xmax>931</xmax>
+			<ymax>345</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>654</xmin>
+			<ymin>569</ymin>
+			<xmax>794</xmax>
+			<ymax>725</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/053.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/053.xml
new file mode 100644
index 0000000000000000000000000000000000000000..6db884064978d0302c6d2fc6a2541fdeba85ec4f
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/053.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>053.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\053.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>552</xmin>
+			<ymin>258</ymin>
+			<xmax>861</xmax>
+			<ymax>553</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>381</xmin>
+			<ymin>341</ymin>
+			<xmax>629</xmax>
+			<ymax>586</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/054.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/054.xml
new file mode 100644
index 0000000000000000000000000000000000000000..17ee2b3e344aa4b6c20bc22962d037962ff54d9c
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/054.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>054.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\054.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>743</xmin>
+			<ymin>310</ymin>
+			<xmax>1131</xmax>
+			<ymax>726</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>655</xmin>
+			<ymin>572</ymin>
+			<xmax>796</xmax>
+			<ymax>721</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/055.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/055.xml
new file mode 100644
index 0000000000000000000000000000000000000000..96fe33203cb57558990101ae2874f34c59033182
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/055.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>055.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\055.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>512</xmin>
+			<ymin>246</ymin>
+			<xmax>642</xmax>
+			<ymax>387</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>742</xmin>
+			<ymin>206</ymin>
+			<xmax>886</xmax>
+			<ymax>367</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/057.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/057.xml
new file mode 100644
index 0000000000000000000000000000000000000000..5c8b73f0f5c23994e476c8b82665e8b5c54fda07
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/057.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>057.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\057.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>645</xmin>
+			<ymin>1</ymin>
+			<xmax>1044</xmax>
+			<ymax>466</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>811</xmin>
+			<ymin>509</ymin>
+			<xmax>913</xmax>
+			<ymax>647</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/058.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/058.xml
new file mode 100644
index 0000000000000000000000000000000000000000..4628ce35b4da7e2a85a6e10a45315c572efdb024
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/058.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>058.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\058.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>86</xmin>
+			<ymin>195</ymin>
+			<xmax>428</xmax>
+			<ymax>560</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>984</xmin>
+			<ymin>460</ymin>
+			<xmax>1204</xmax>
+			<ymax>745</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/059.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/059.xml
new file mode 100644
index 0000000000000000000000000000000000000000..d979d056736990685b25db18a16b362bc68fe081
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/059.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>059.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\059.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>414</xmin>
+			<ymin>376</ymin>
+			<xmax>522</xmax>
+			<ymax>515</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>690</xmin>
+			<ymin>474</ymin>
+			<xmax>826</xmax>
+			<ymax>641</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/071.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/071.xml
new file mode 100644
index 0000000000000000000000000000000000000000..53621c2270d3a2084b27ef0df6ade5d910010ac5
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/071.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>071.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\071.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>345</ymin>
+			<xmax>442</xmax>
+			<ymax>998</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>349</xmin>
+			<ymin>714</ymin>
+			<xmax>490</xmax>
+			<ymax>901</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/073.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/073.xml
new file mode 100644
index 0000000000000000000000000000000000000000..108d2bbb19d7082675f7548f2df307bded8e7519
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/073.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>073.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\073.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>371</xmin>
+			<ymin>421</ymin>
+			<xmax>733</xmax>
+			<ymax>851</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/074.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/074.xml
new file mode 100644
index 0000000000000000000000000000000000000000..810bbc9cd69de12447ead047053a706ba95ad07d
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/074.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>074.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\074.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>371</xmin>
+			<ymin>438</ymin>
+			<xmax>493</xmax>
+			<ymax>566</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>675</xmin>
+			<ymin>601</ymin>
+			<xmax>823</xmax>
+			<ymax>757</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/075.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/075.xml
new file mode 100644
index 0000000000000000000000000000000000000000..34cc7576414d6e6fb4fad0e97d443a7c52101e76
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/075.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>075.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\075.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>644</xmin>
+			<ymin>288</ymin>
+			<xmax>917</xmax>
+			<ymax>560</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>831</xmin>
+			<ymin>81</ymin>
+			<xmax>1024</xmax>
+			<ymax>450</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/077.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/077.xml
new file mode 100644
index 0000000000000000000000000000000000000000..2032df6bb44994ca79be66669006f95e80eb153e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/077.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>077.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\077.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>355</xmin>
+			<ymin>322</ymin>
+			<xmax>912</xmax>
+			<ymax>925</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>312</xmin>
+			<ymin>719</ymin>
+			<xmax>451</xmax>
+			<ymax>900</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/078.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/078.xml
new file mode 100644
index 0000000000000000000000000000000000000000..90da8e6792eb17c4cfc77576a7a226f4f9be2e04
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/078.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>078.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\078.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>616</xmin>
+			<ymin>399</ymin>
+			<xmax>946</xmax>
+			<ymax>757</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>742</xmin>
+			<ymin>760</ymin>
+			<xmax>1057</xmax>
+			<ymax>1080</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/079.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/079.xml
new file mode 100644
index 0000000000000000000000000000000000000000..7c02a73dc09924c932a6ca7bb83ed5c9d343aae6
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/079.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>079.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\079.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>838</xmin>
+			<ymin>296</ymin>
+			<xmax>1150</xmax>
+			<ymax>597</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/081.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/081.xml
new file mode 100644
index 0000000000000000000000000000000000000000..f86d33806d81017128a6bf47d8b45290bd2c52b8
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/081.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>081.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\081.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>422</xmin>
+			<ymin>191</ymin>
+			<xmax>698</xmax>
+			<ymax>487</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/082.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/082.xml
new file mode 100644
index 0000000000000000000000000000000000000000..82100751d88809c4f3cd39c077183f998bb2b9b5
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/082.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>082.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\082.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>433</xmin>
+			<ymin>340</ymin>
+			<xmax>556</xmax>
+			<ymax>477</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>702</xmin>
+			<ymin>392</ymin>
+			<xmax>849</xmax>
+			<ymax>558</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/annotations/083.xml b/Code/Ball_Detection/images/train-test-2/train/annotations/083.xml
new file mode 100644
index 0000000000000000000000000000000000000000..fb7d0b692206595e478fc184352f1a30760cb7e4
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/train/annotations/083.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>083.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\083.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>155</xmin>
+			<ymin>419</ymin>
+			<xmax>381</xmax>
+			<ymax>650</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>1</xmin>
+			<ymin>472</ymin>
+			<xmax>167</xmax>
+			<ymax>705</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/001.jpg b/Code/Ball_Detection/images/train-test-2/train/images/001.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..63e5721fac9e49552b3cd3f6e55f91bf50c02728
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/001.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/002.jpg b/Code/Ball_Detection/images/train-test-2/train/images/002.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..2f668b0b3cc7c4bd23a55620c6e0f6d30da39635
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/002.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/003.jpg b/Code/Ball_Detection/images/train-test-2/train/images/003.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..aa61770523dbe66876f68a9de10a2ab882fcf770
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/003.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/005.jpg b/Code/Ball_Detection/images/train-test-2/train/images/005.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c7ef86a0b8aa8c0d5c664729c8199240dc465706
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/005.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/006.jpg b/Code/Ball_Detection/images/train-test-2/train/images/006.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..46c3fea4cc38d10a19a756eef8c754d653819d11
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/006.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/007.jpg b/Code/Ball_Detection/images/train-test-2/train/images/007.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..a6e00361dfd88daae225bf7a44d00f9a29b0b73e
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/007.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/009.jpg b/Code/Ball_Detection/images/train-test-2/train/images/009.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..7e65110f4abb7d5294390fda35995f4f35403394
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/009.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/010.jpg b/Code/Ball_Detection/images/train-test-2/train/images/010.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..1de74da41042464256f183f9dec8ab6baa5a8104
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/010.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/011.jpg b/Code/Ball_Detection/images/train-test-2/train/images/011.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e7fa8742b5cbda1b1451947f2ffc0c21601851ee
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/011.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/013.jpg b/Code/Ball_Detection/images/train-test-2/train/images/013.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..3ec6ab53725323eef64fc39043a552f2ed0e9c6d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/013.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/014.jpg b/Code/Ball_Detection/images/train-test-2/train/images/014.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..25f5ebbf224e71768a9460fa1fc8640165007700
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/014.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/015.jpg b/Code/Ball_Detection/images/train-test-2/train/images/015.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..b0b0d8c3d3c72dd5ea0308267427bb54cc000380
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/015.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/017.jpg b/Code/Ball_Detection/images/train-test-2/train/images/017.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..af28733532a859187fa77c5e7f4b515b108eae11
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/017.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/018.jpg b/Code/Ball_Detection/images/train-test-2/train/images/018.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..def185fc8d4f1cd60fb131073e343637db6c5bc8
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/018.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/019.jpg b/Code/Ball_Detection/images/train-test-2/train/images/019.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4b84fb324a694b1745d7a63f92271acdfec5f344
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/019.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/021.jpg b/Code/Ball_Detection/images/train-test-2/train/images/021.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..326578725eadf8c154eb2071a3497541668df833
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/021.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/022.jpg b/Code/Ball_Detection/images/train-test-2/train/images/022.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..5aaa3ff1b4859f7e0b64d7539bed93f5c5f7cf00
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/022.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/023.jpg b/Code/Ball_Detection/images/train-test-2/train/images/023.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c81a929fbaa5ad320476af83c8728a51e63a6db0
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/023.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/025.jpg b/Code/Ball_Detection/images/train-test-2/train/images/025.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..d2ca1473a93ef6df5b597ef662baf3ebc11e7932
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/025.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/026.jpg b/Code/Ball_Detection/images/train-test-2/train/images/026.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..6dfdbda103b583d628dfb8abf4b7424d7a83b4c1
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/026.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/027.jpg b/Code/Ball_Detection/images/train-test-2/train/images/027.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..15757aa2cf2cdcd7ce47f10016dd24c837ec433b
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/027.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/029.jpg b/Code/Ball_Detection/images/train-test-2/train/images/029.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c636b8b4d0fb488adcd91c32ae06b67a4b0528f8
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/029.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/030.jpg b/Code/Ball_Detection/images/train-test-2/train/images/030.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..63ae1e1deac40c5b9d9e23ec3429b9fe3e88d890
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/030.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/031.jpg b/Code/Ball_Detection/images/train-test-2/train/images/031.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f345f8e0391af4c509346dcdcca1ed01e8b75158
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/031.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/033.jpg b/Code/Ball_Detection/images/train-test-2/train/images/033.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..95a66eca40372a3448b0becdd64d253df7b9c47b
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/033.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/034.jpg b/Code/Ball_Detection/images/train-test-2/train/images/034.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..9bda4b3c1e61cfabdb27f5ee37d703c592cdc3b4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/034.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/035.jpg b/Code/Ball_Detection/images/train-test-2/train/images/035.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..3aef7a739e3a37321576f18dfee167a802c435ef
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/035.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/037.jpg b/Code/Ball_Detection/images/train-test-2/train/images/037.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4c7329a199ee42b94d77b2222da08c5523566abc
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/037.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/038.jpg b/Code/Ball_Detection/images/train-test-2/train/images/038.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..441deda1f1c271fd39b7d04ab774f72119ef0346
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/038.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/039.jpg b/Code/Ball_Detection/images/train-test-2/train/images/039.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..053eea82653af5fd5a870d2c9322d80b641e6ac2
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/039.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/041.jpg b/Code/Ball_Detection/images/train-test-2/train/images/041.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..572936ce810767314a01b67c796da1a455a699d7
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/041.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/042.jpg b/Code/Ball_Detection/images/train-test-2/train/images/042.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..9ffa5a8710dab02bb51ae81784d73c014bf80875
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/042.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/043.jpg b/Code/Ball_Detection/images/train-test-2/train/images/043.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ed5d6ba14f2c9910e024180b95fd90c6c3c8e47d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/043.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/045.jpg b/Code/Ball_Detection/images/train-test-2/train/images/045.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f2ab57e1eb9450af6fba4dfa626abd755337c598
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/045.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/046.jpg b/Code/Ball_Detection/images/train-test-2/train/images/046.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ce8c34fa1acf2089a3a6e443917135bd20d78f14
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/046.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/047.jpg b/Code/Ball_Detection/images/train-test-2/train/images/047.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..45564900d35ca699584875423622c0592dcee425
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/047.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/049.jpg b/Code/Ball_Detection/images/train-test-2/train/images/049.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..6a6018b758568adb9e1e05e4e2fb87c553253239
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/049.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/050.jpg b/Code/Ball_Detection/images/train-test-2/train/images/050.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..cdac945a0bcfe11a5abe893f74e00f913329878f
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/050.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/051.jpg b/Code/Ball_Detection/images/train-test-2/train/images/051.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..662d75ca32e6efd7c7671050b7abceb093b80cba
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/051.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/053.jpg b/Code/Ball_Detection/images/train-test-2/train/images/053.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..4719175c02569b1a2d4d5d35fa517fe6d295724c
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/053.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/054.jpg b/Code/Ball_Detection/images/train-test-2/train/images/054.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..be8c6b69b70497cc96d74f9f57535041e77fff6c
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/054.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/055.jpg b/Code/Ball_Detection/images/train-test-2/train/images/055.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..03226cfe42c33243b45ab7f45d3a02441de6761c
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/055.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/057.jpg b/Code/Ball_Detection/images/train-test-2/train/images/057.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..97661f5d02fce53b963f7ea2d6166ea02aca6856
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/057.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/058.jpg b/Code/Ball_Detection/images/train-test-2/train/images/058.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..e6c80401b68c9823cf9d9f2f7063405a3595ce05
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/058.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/059.jpg b/Code/Ball_Detection/images/train-test-2/train/images/059.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..fabfb767aba67a101f90f68cdf1e003e3984208a
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/059.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/071.jpg b/Code/Ball_Detection/images/train-test-2/train/images/071.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..acf0835ab69c642e7d101cb239337c1bf1b1461d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/071.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/073.jpg b/Code/Ball_Detection/images/train-test-2/train/images/073.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..341bd908e42902d9e1d9ac2c4b888512726afe63
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/073.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/074.jpg b/Code/Ball_Detection/images/train-test-2/train/images/074.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..5a0c6cdfd6314586e032f82196ed01c415e0c819
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/074.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/075.jpg b/Code/Ball_Detection/images/train-test-2/train/images/075.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..22907284e26638d8100ccb152e6ceb37c0cf9a93
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/075.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/077.jpg b/Code/Ball_Detection/images/train-test-2/train/images/077.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c08f226540b3fc20894e78b404ce276a1b5b0afc
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/077.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/078.jpg b/Code/Ball_Detection/images/train-test-2/train/images/078.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..d2c7f1b8759fab49dc9966a1e4dba49a6711433c
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/078.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/079.jpg b/Code/Ball_Detection/images/train-test-2/train/images/079.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..82afb3453d5fc40439c27d61ba3251a92fec2cc4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/079.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/081.jpg b/Code/Ball_Detection/images/train-test-2/train/images/081.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c27292875e04cfa464f716722580503198d740a4
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/081.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/082.jpg b/Code/Ball_Detection/images/train-test-2/train/images/082.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c0b1176dd5fdfe92be086b8a3581add2f3217fa7
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/082.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/train/images/083.jpg b/Code/Ball_Detection/images/train-test-2/train/images/083.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..14d0983b0a5df08f785f6c17640c33c6eb2cfcc8
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/train/images/083.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/validation/annotations/061.xml b/Code/Ball_Detection/images/train-test-2/validation/annotations/061.xml
new file mode 100644
index 0000000000000000000000000000000000000000..f8c95ef87e159352ae23c73664f59fe6b3681f13
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/validation/annotations/061.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>061.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\061.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1024</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>718</xmin>
+			<ymin>601</ymin>
+			<xmax>993</xmax>
+			<ymax>881</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/validation/annotations/062.xml b/Code/Ball_Detection/images/train-test-2/validation/annotations/062.xml
new file mode 100644
index 0000000000000000000000000000000000000000..63d72777e604d0ec3659147733c02c1f7437e91e
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/validation/annotations/062.xml
@@ -0,0 +1,26 @@
+<annotation>
+	<folder>train</folder>
+	<filename>062.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\062.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1920</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>828</xmin>
+			<ymin>137</ymin>
+			<xmax>1115</xmax>
+			<ymax>461</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/validation/annotations/063.xml b/Code/Ball_Detection/images/train-test-2/validation/annotations/063.xml
new file mode 100644
index 0000000000000000000000000000000000000000..491e00ce5e44caa071a8f8d9da6f24236b916198
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/validation/annotations/063.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>063.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\063.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>730</xmin>
+			<ymin>588</ymin>
+			<xmax>831</xmax>
+			<ymax>667</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>1</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>586</xmin>
+			<ymin>1</ymin>
+			<xmax>993</xmax>
+			<ymax>458</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/validation/annotations/065.xml b/Code/Ball_Detection/images/train-test-2/validation/annotations/065.xml
new file mode 100644
index 0000000000000000000000000000000000000000..db86576a335918fc4b365af60dbbd73844f650b1
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/validation/annotations/065.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>065.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\065.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>548</xmin>
+			<ymin>464</ymin>
+			<xmax>832</xmax>
+			<ymax>789</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>743</xmin>
+			<ymin>246</ymin>
+			<xmax>1114</xmax>
+			<ymax>640</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/validation/annotations/066.xml b/Code/Ball_Detection/images/train-test-2/validation/annotations/066.xml
new file mode 100644
index 0000000000000000000000000000000000000000..9e8867b57b279e435cd8fda3137f5afabaa3c167
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/validation/annotations/066.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>066.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\066.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1024</width>
+		<height>768</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>193</xmin>
+			<ymin>291</ymin>
+			<xmax>427</xmax>
+			<ymax>514</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>396</xmin>
+			<ymin>234</ymin>
+			<xmax>638</xmax>
+			<ymax>482</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/validation/annotations/067.xml b/Code/Ball_Detection/images/train-test-2/validation/annotations/067.xml
new file mode 100644
index 0000000000000000000000000000000000000000..a7181cb50fc30c590eda63c8c85244e05e6e14ca
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/validation/annotations/067.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>067.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\067.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>551</xmin>
+			<ymin>197</ymin>
+			<xmax>813</xmax>
+			<ymax>490</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>625</xmin>
+			<ymin>397</ymin>
+			<xmax>854</xmax>
+			<ymax>611</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/validation/annotations/069.xml b/Code/Ball_Detection/images/train-test-2/validation/annotations/069.xml
new file mode 100644
index 0000000000000000000000000000000000000000..f55b4fb0e75b855dc6afca20663572231dd56608
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/validation/annotations/069.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>069.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\069.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>410</xmin>
+			<ymin>119</ymin>
+			<xmax>645</xmax>
+			<ymax>334</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>205</xmin>
+			<ymin>260</ymin>
+			<xmax>768</xmax>
+			<ymax>881</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/validation/annotations/070.xml b/Code/Ball_Detection/images/train-test-2/validation/annotations/070.xml
new file mode 100644
index 0000000000000000000000000000000000000000..bab7d2dccc9b4419bf27576e82335cb8b3c95cd9
--- /dev/null
+++ b/Code/Ball_Detection/images/train-test-2/validation/annotations/070.xml
@@ -0,0 +1,38 @@
+<annotation>
+	<folder>train</folder>
+	<filename>070.jpg</filename>
+	<path>G:\Shared drives\ECE 209	Blimp project\Color Segmentation\images\training-images\train\070.jpg</path>
+	<source>
+		<database>Unknown</database>
+	</source>
+	<size>
+		<width>1280</width>
+		<height>1080</height>
+		<depth>3</depth>
+	</size>
+	<segmented>0</segmented>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>793</xmin>
+			<ymin>275</ymin>
+			<xmax>1103</xmax>
+			<ymax>622</ymax>
+		</bndbox>
+	</object>
+	<object>
+		<name>ball</name>
+		<pose>Unspecified</pose>
+		<truncated>0</truncated>
+		<difficult>0</difficult>
+		<bndbox>
+			<xmin>821</xmin>
+			<ymin>814</ymin>
+			<xmax>906</xmax>
+			<ymax>920</ymax>
+		</bndbox>
+	</object>
+</annotation>
diff --git a/Code/Ball_Detection/images/train-test-2/validation/images/061.jpg b/Code/Ball_Detection/images/train-test-2/validation/images/061.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..bf979bb62ca04f6bab3817eb447e3472a84907e1
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/validation/images/061.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/validation/images/062.jpg b/Code/Ball_Detection/images/train-test-2/validation/images/062.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..ddb5e6d6764563ead0d9025b9d840cd9eb666b02
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/validation/images/062.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/validation/images/063.jpg b/Code/Ball_Detection/images/train-test-2/validation/images/063.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..93e8bfa79f83d438ec1ff59664b0f2a354398b9d
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/validation/images/063.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/validation/images/065.jpg b/Code/Ball_Detection/images/train-test-2/validation/images/065.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..0820338a966c229b6dace745f5937586f3bae372
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/validation/images/065.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/validation/images/066.jpg b/Code/Ball_Detection/images/train-test-2/validation/images/066.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..9c842e304470cedba7e968e6e33bae40b30bbaf6
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/validation/images/066.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/validation/images/067.jpg b/Code/Ball_Detection/images/train-test-2/validation/images/067.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..c889882ed49d7d5b97f025f2100f89a7ee40bf41
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/validation/images/067.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/validation/images/069.jpg b/Code/Ball_Detection/images/train-test-2/validation/images/069.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f2763548bfdbfae6518c0b04feff6e01a87378bc
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/validation/images/069.jpg differ
diff --git a/Code/Ball_Detection/images/train-test-2/validation/images/070.jpg b/Code/Ball_Detection/images/train-test-2/validation/images/070.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..8e163b5710958ac98916c342110b12f395b81435
Binary files /dev/null and b/Code/Ball_Detection/images/train-test-2/validation/images/070.jpg differ