This time the system will use two cameras to implement the control and smart braking features for wheelchairs, the first camera is specifically for detecting obstacles with the YOLOv11 model that has been trained, where if the obstacle is below 1.2 meters it will send a stop command. The second camera is used to control the wheelchair using LSTM with Sibi language gestures.
Training YOLOv11 requires a PC with good specifications, it is recommended to use the latest Nvidia or AMD GPUs. Alternatively, you can train it using Google Colab via the following link; make sure to 'make a copy' before starting the training.
https://colab.research.google.com/drive/1FLlRhzzll1zSE9LsDSlJ2s3qq3C9VJ1n?usp=sharing
I recommend a separate folder and venv for creating the model and the wheelchair program. for training venv setup :
for training LSTM model
python --version
python -m venv nama_venv
nama_venv\Scripts\activate
pip install opencv-python
pip install mediapipe
pip install numpy
pip install matplotlib
pip install tensorflow
pip install seaborn
pip install scikit-learn
for training YOLOv11 (easy notebook for vscode coming soon...)
pip install ipykernel
pip install ultralytics roboflow opencv-python
YOLOv11 need an absolute path. so change the data path for train, val, test in data.yaml example :
names:
-Manusia
nc: 1
roboflow:
license: CC BY 4.0
project: deteksi-manusia-yolov8-dataset
url: https://universe.roboflow.com/hari-vijaya-kusuma/deteksi-manusia-yolov8-dataset/dataset/1
version: 1
workspace: hari-vijaya-kusuma
test: D:/train yolo/Deteksi-Manusia-YoloV8-Dataset-1/test/images
train: D:/train yolo/Deteksi-Manusia-YoloV8-Dataset-1/train/images
val: D:/train yolo/Deteksi-Manusia-YoloV8-Dataset-1/valid/images
If you feel the training is taking too long, but you have a computer with NASA Super Computer like specs, it means you haven't utilized your GPU for the training process. check for cuda by running this
import torch
print(torch.cuda.is_available())
if the output is false then you need to install PyTorch with CUDA support. Check your driver version before implementing CUDA. example for installing CUDA 11.8
pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu118
You need an ESP32 and the wheelchair to run it.
python --version
python -m venv nama_venv
nama_venv\Scripts\activate
pip install mediapipe
pip install ultralytics
pip install opencv-python
You will need 2 camera for this setup, if you confuse about how to change it, here example of changing the camera
cap_lstm = cv.VideoCapture(0) # set the value to 0/1/2/3 depent on how many camera you have
cap_yolo = cv.VideoCapture(1)
- Safe breaking system.
- Easy gesture sibi language for controlling wheelchair.