fire-detection-from-images
The purpose of this repo is to demonstrate a fire detection neural net model. In use this model will place a bounding box around any fire in an image.
Best results
Object detection: After experimenting with various model architectures I settled on Yolov5 pytorch model (see pytorch/object-detection/yolov5/experiment1/best.pt
). After a few hours of experimentation I generated a model of mAP@.5
of 0.657, Precision of 0.6, Recall of 0.7, trained on 1155 images (337 base images + augmentation).
Classification: I have yet to train my own model, but 95% accuracy is reported using ResNet50
Segmentation: requires annotation
Motivation and challenges
Traditional smoke detectors work by detecting the physical presence of smoke particles. However they are prone to false detections (e.g. from toasters) and do not localise the fire particularly well. In these situations a camera solution could complement a traditional detector, in order to improve response times or to provide additional metrics such as the size and location of a fire. With the location and nature of the fire identified, an automated intervention may be possible, e.g. via a sprinkler system or drone. Also data can be sent to fire services to provide otherwise non-existent situational awareness. Particular locations I am interested in are: kitchens & living rooms, garages and outbuildings, and areas where fires might already be present but spreading outside a desired zone e.g. fire pit.
There are a couple of significant challenges & open questions:
- For fast edge model what is 'best' architecture? Yolo3 is very popular for commecrial applications and can be implemented in keras or pytorch, baseline Yolov5 as it is currently SOTA and has deployment guide to Jetson.
- Can the architecture be optimised since we are detecting only a single class?
- Baseline object detection, but is there benefit to classifier or segmentation? Obj models train on mAP and Recall metrics but for our application bounding box accuracy may not be top priority? However classification models work best on a nice shot containing only the target object but in real life fire scenarios the scene will not be as simple as this scenario.
- Tensorflow + google ecosystem or Pytorch + NVIDIA/MS? Tensorflow suffers from tf1 legacy
- Is a single 'super' model preferable, or several specialised models? Typical categories of fire include candle flame, indoor/outdoor, vehicle
- Gathering or locating a comprehensive, representative and balanced training dataset
- Handling different viewpoints, different camera manufacturers and settings, and different ambient lighting conditions.
- Since fires are so bright they can often wash out images and cause other optical disturbances, how can this be compensated for?
- Since we expect the model will have limitations, how do we make the model results interpretable?
- Fires can be a very wide range of sizes, from an candle flame to engulfing an entire forest - is this a small object & large object problem? Splitting dataset by fire class and training models for each class may give better results? Treat as a semantic segmentation problemn (requires reannotating dataset)?
Ideas:
- Preprocessing images, e.g. to remove background or apply filters
- Classifying short sequences of video, since the movement of fire is quite characteristic
- Simulated data, identify any software which can generate realistic fires and add to existing datasets
- Augmentations to simulate effect of different cameras and exposure settings
- Identify any relevant guidance/legislation on required accuracy of fire detection techniques
- Combine RGB + thermal for suppressing false positives? e.g. using https://openmv.io/blogs/news/introducing-the-openmv-cam-pure-thermal or cheaper grideye or melexsis
Approach & Tooling
- Frames will be fed through neural net. On positive detection of fire metrics are extracted. Ignore smoke for MVP. Try various architectures & parameters to establish a 'good' baseline model.
- Develop a lower accuracy but fast model targeted at RPi and mobile, and a high accuracy model targeted at GPU devices like Jetson. Yolo present both options, yolo4 lite for mobile and yolo5 for GPU. Alternatively there is mobilenet and tf-object-detection-api. Higher accuracy GPU model is priority.
- Use Google Colab for training
Articles & repos
- Fire_Detection -> Fire and smoke detection system using Jetson nano & Yolov5 with image dataset from gettyimages
- YOLOv5 Wildfire Smoke Detection with Roboflow and Weights & Biases
- Yolov5-Fire-Detection -> well documented model trained on kaggle data
- Fire and smoke detection with Keras and Deep Learning by pyimagesearch - dataset collected by scraping Google images (provides link to dataset with 1315 fire images), binary Fire/Non-fire classification with tf2 & keras sequential CNN, achieve 92% accuracy, concludes that better datasets are required
- Fire Detection from scratch using YOLOv3 - discusses annotation using LabelImg, using Google drive and Colab, deployment via Heroku and viz using Streamlit here. Work by Devdarshan Mishra
- fire-and-gun-detection -> Fire and Gun detection using yolov3 in videos as well as images. Training code, dataset and trained weight file available.
- YOLOv3-Cloud-Based-Fire-Detection -> Custom Object detection using YOLOv3 on the cloud. It is trained to detect Fire in a given frame. It can be largely used for Wildfires, fire accidents, etc.
- fire-detect-yolov4 -> training of Yolo v4 model
- midasklr/FireSmokeDetectionByEfficientNet - Fire and smoke classification and detection using efficientnet, Python 3.7、PyTorch1.3, visualizes the activation map, includes train and inference scripts
- arpit-jadon/FireNet-LightWeight-Network-for-Fire-Detection - A Specialized Lightweight Fire & Smoke Detection Model for Real-Time IoT Applications (e.g. on RPi), accuracy approx. 95%. Paper https://arxiv.org/abs/1905.11922v2
- tobybreckon/fire-detection-cnn - links to a couple of datasets
- EmergencyNet - identify fire and other emergencies from a drone
- Fire Detection using CCTV images — Monk Library Application - keras classifier on kaggle datasets, mobilenet-v2, densenet121 and densenet201
- fire-detection-cnn - automatic detection of fire pixel regions in video (or still) imagery within real-time bounds. maximal accuracy of 0.93 for whole image binary fire detection (1), with 0.89 accuracy within our superpixel localization framework can be achieved
- Early Fire detection system using deep learning and OpenCV - customized InceptionV3 and CNN architectures for indoor and outdoor fire detection. 980 images for training and 239 images for validation, training accuracy of 98.04 and a validation accuracy of 96.43, openCV used for live detection on webcam - code and datasets (already referenced here) on https://github.com/jackfrost1411/fire-detection
- Smoke-Detection-using-Tensorflow 2.2 - EfficientDet-D0, 733 annotated smoke images, mentioned on the Roboflow blog
- Aerial Imagery dataset for fire detection: classification and segmentation using Unmanned Aerial Vehicle (UAV) - binary classifier, 76% accuracy on test set
- A Forest Fire Detection System Based on Ensemble Learning -> Firstly, two individual learners Yolov5 and EfficientDet are integrated to accomplish fire detection process. Secondly, another individual learner EfficientNet is responsible for learning global information to avoid false positives
- Fire Alert System with Multi-Label Classification Model Explained by GradCAM -> use CAM to visualize which region of an image is responsible for a prediction, and uses synthetic data to fill in lacking classes to make class distribution balanced
- Training fast.ai model and deploying via gradio app
- Deepfire -> perform forest fire recognition on UAV using ResNet50 and EfficientNetB7
- Wildfire-Smoke-Detection -> Convolutional neural network model based on the architecture of the Faster-RCNN for wildfire smoke detection
- FireNet-LightWeight-Network-for-Fire-Detection -> A Specialized Lightweight Fire & Smoke Detection Model for Real-Time IoT Applications with ArXiv paper
- wildfire-smoke-detection-research -> early wildfire smoke detection, with paper
Datasets
- FireNET - approx. 500 fire images with bounding boxes in pascal voc XML format. Repo contains trained Yolo3 model trained using imageai, unknown performance. However small images, 275x183 pixels on average, meaning there are fewer textural features for a network to learn.
- Fire Detection from CCTV on Kaggle - images and video, images are extracted from video, relatively small dataset with all images only taken from 3-4 videos. Quite relevant to current task as have videos to test on. Dataset organised for classification task of normal/smoke/fire, no bounding box annotations
- cair/Fire-Detection-Image-Dataset - This dataset contains many normal images and 111 images with fire. Dataset is highly unbalanced to reciprocate real world situations. Images are decent size but not annotated.
- mivia Fire Detection Dataset - approx. 30 videos
- USTC smoke detection - links to various sources that provide videos of smoke
- fire/not-fire dataset in the pyimagesearch article can be downloaded. Note that there are many images of fire scenes that do not contain actual fire, but burnt out homes for example.
- FIRE Dataset on Kaggle - 755 outdoor fire images and 244 non-fire images. Images are decent size but not annotated
- Fire Image Data Set for Dunnings 2018 study - PNG still image set
- Fire Superpixel Image Data Set for Samarth 2019 study - PNG still image set
- Wildfire Smoke Dataset - 737 annotated (bounding boxed) images
- Dataset by jackfrost1411 -> several hundred images sorted into fire/neutral for classification task. No bounding box annotations
- fire-and-smoke-dataset on Kaggle -> 7000+ images, consisting of 691 flame only images, 3721 smoke only images, and 4207 fire {flame & smoke} images
- Domestic-Fire-and-Smoke-Dataset -> Approx. 5000 unique images, 2-class (fire and smoke), bounding box annotation, COCO, PASCAL VOC and YOLO formats
- kaggle fire-and-gun-dataset
- Wildfire-Detection -> dataset by PerceptiLabs, 250x250-pixel images depicting normal scenes and those containing fires. With article. It is this dataset from kaggle
- DFireDataset -> an image data set for fire and smoke detection
Fire safety references
- Locate reference covering the different kinds of fires in the home, common scenarios & interventions
- Safety/accuracy standards for fire detectors, including ROC characteristics
Fires in the home
- Common causes including cigarettes left smouldering, candles, electrical failures, chip pan fires
- A large number of factors affect the nature of the fire, primarily the fuel and oxygenation, but also where the fire is, middle of the room/against a wall, thermal capacity of a room, the walls, ambient temperature, humidity, contaminants on the material (dust, oil based products, emollients etc)
- To put out a fire a number of retardants are considered - water (not on electrical or chip pan), foam, CO2, dry powder
- In electrical fires the electricity supply should first be isolated
- Reducing ventillation, e.g. by closing doors, will limit fire
- Smoke itself is a strong indicator of the nature of the fire
- Read https://en.m.wikipedia.org/wiki/Fire_triangle and https://en.m.wikipedia.org/wiki/Combustion
Edge deployment
Our end goal of deployment to an edge device (RPi, jetson nano, android or ios) will influence decisions about architecture and other tradeoffs.
Cloud deployment
We want a solution that could also be deployed to the cloud, with minimal changes vs the edge deployment. A couple of options:
Image preprocessing and augmentation
Roboflow allows up to 3 types of augmentation per dataset, in addition to basic cropping. If we want to experiment with more augmentations we can checkout https://imgaug.readthedocs.io/en/latest/
ML metrics
Precision
is the accuracy of the predictions, calculated as precision = TP/(TP+FP)
or "what % of predictions are correct?"
Recall
is the true positive rate (TPR), calculated as recall = TP/(TP+FN)
or "what % of true positives does the model capture?"
- The
F1 score
(also called the F score or the F measure) is the harmonic mean of precision and recall, calculated as F1 = 2*(precision * recall)/(precision + recall)
. It conveys the balance between the precision and the recall. Ref
- The false positive rate (FPR), calculated as
FPR = FP/(FP+TN)
is often plotted against recall/TPR in an ROC curve which shows how the TPR/FPR tradeoff varies with classification threshold. Lowering the classification threshold returns more true positives, but also more false positives
- mAP, IoU, precision and recall are all explained well here and here
- IceVision returns the COCOMetric, specifically the
AP at IoU=.50:.05:.95 (primary challenge metric)
, from here, typically referred to as the "mean average precision" (mAP)
mAP@0.5
: the mean Average Precision or correctness of each label taking into account all labels. @0.5
sets a threshold for how much of the predicted bounding box overlaps the original annotation, i.e. "50% overlap"
Comments
- Firenet is a VERY common name for model, do not use
Discussion
Demo
The best performing model can be used by running the demo app that created with Gradio. See the demo
directory