All Projects → pyronear → pyro-vision

pyronear / pyro-vision

Licence: Apache-2.0 License
Computer vision library for wildfire detection

Programming Languages

python
139335 projects - #7 most used programming language
Dockerfile
14818 projects

Projects that are alternatives of or similar to pyro-vision

Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+2875.76%)
Mutual labels:  densenet, resnet, mobilenetv2
Pytorch Cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stars: ✭ 2,423 (+7242.42%)
Mutual labels:  image-classification, densenet, resnet
awesome-computer-vision-models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 419 (+1169.7%)
Mutual labels:  image-classification, densenet, resnet
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (+742.42%)
Mutual labels:  image-classification, densenet, resnet
Basic cnns tensorflow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
Stars: ✭ 374 (+1033.33%)
Mutual labels:  image-classification, densenet, resnet
TensorMONK
A collection of deep learning models (PyTorch implemtation)
Stars: ✭ 21 (-36.36%)
Mutual labels:  densenet, resnet, mobilenetv2
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+1096.97%)
Mutual labels:  image-classification, densenet, resnet
cifar-tensorflow
No description or website provided.
Stars: ✭ 18 (-45.45%)
Mutual labels:  image-classification, densenet, resnet
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+4133.33%)
Mutual labels:  image-classification, resnet
Nsfw Resnet
🔥🔥NSFW implement in pytorch(色情图&性感图识别,本程序经过了线上大数据集测试,性能优异效果良好)🔥🔥
Stars: ✭ 142 (+330.3%)
Mutual labels:  image-classification, resnet
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (+393.94%)
Mutual labels:  image-classification, resnet
Deep Learning Training Gui
Train and predict your model on pre-trained deep learning models through the GUI (web app). No more many parameters, no more data preprocessing.
Stars: ✭ 85 (+157.58%)
Mutual labels:  image-classification, mobilenetv2
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (+154.55%)
Mutual labels:  image-classification, resnet
Skin Lesions Classification DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
Stars: ✭ 47 (+42.42%)
Mutual labels:  image-classification, densenet
Deep Ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
Stars: ✭ 64 (+93.94%)
Mutual labels:  image-classification, resnet
Dogs vs cats
猫狗大战
Stars: ✭ 570 (+1627.27%)
Mutual labels:  image-classification, resnet
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+490.91%)
Mutual labels:  image-classification, resnet
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+2287.88%)
Mutual labels:  densenet, resnet
general backbone
No description or website provided.
Stars: ✭ 37 (+12.12%)
Mutual labels:  image-classification, resnet
python cv AI ML
用python做计算机视觉,人工智能,机器学习,深度学习等
Stars: ✭ 73 (+121.21%)
Mutual labels:  densenet, resnet

PyroNear Logo

Pyrovision: wildfire early detection

The increasing adoption of mobile phones have significantly shortened the time required for firefighting agents to be alerted of a starting wildfire. In less dense areas, limiting and minimizing this duration remains critical to preserve forest areas.

Pyrovision aims at providing the means to create a wildfire early detection system with state-of-the-art performances at minimal deployment costs.

Quick Tour

Automatic wildfire detection in PyTorch

You can use the library like any other python package to detect wildfires as follows:

from pyrovision.models.rexnet import rexnet1_0x
from torchvision import transforms
import torch
from PIL import Image


# Init
normalize = transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225])

tf = transforms.Compose([transforms.Resize(size=(448)), transforms.CenterCrop(size=448),
                         transforms.ToTensor(), normalize])

model = rexnet1_0x(pretrained=True).eval()

# Predict
im = tf(Image.open("path/to/your/image.jpg").convert('RGB'))

with torch.no_grad():
    pred = model(im.unsqueeze(0))
    is_wildfire = torch.sigmoid(pred).item() >= 0.5

Setup

Python 3.6 (or higher) and pip/conda are required to install Holocron.

Stable release

You can install the last stable release of the package using pypi as follows:

pip install pyrovision

or using conda:

conda install -c pyronear pyrovision

Developer installation

Alternatively, if you wish to use the latest features of the project that haven't made their way to a release yet, you can install the package from source:

git clone https://github.com/pyronear/pyro-vision.git
pip install -e pyro-vision/.

What else

Documentation

The full package documentation is available here for detailed specifications.

Docker container

If you wish to deploy containerized environments, a Dockerfile is provided for you build a docker image:

docker build . -t <YOUR_IMAGE_TAG>

Reference scripts

You are free to use any training script, but some are already provided for reference. In order to use them, install the specific requirements and check script options as follows:

pip install -r references/requirements.txt
python references/classification/train.py --help

You can then use the script to train tour model on one of our datasets:

Wildfire

Download Dataset from https://drive.google.com/file/d/1Y5IyBLA5xDMS1rBdVs-hsVNGQF3djaR1/view?usp=sharing

This dataset is protected by a password, please contact us at [email protected]

python train.py WildFireLght/ --model rexnet1_0x --lr 1e-3 -b 16 --epochs 20 --opt radam --sched onecycle --device 0

OpenFire

You can also use out opensource dataset without password

python train.py OpenFire/ --use-openfire --model rexnet1_0x --lr 1e-3 -b 16 --epochs 20 --opt radam --sched onecycle --device 0

You can use our dataset as follow:

from pyrovision.datasets import OpenFire
dataset = OpenFire('./data', download=True)

Citation

If you wish to cite this project, feel free to use this BibTeX reference:

@misc{pyrovision2019,
    title={Pyrovision: wildfire early detection},
    author={Pyronear contributors},
    year={2019},
    month={October},
    publisher = {GitHub},
    howpublished = {\url{https://github.com/pyronear/pyro-vision}}
}

Contributing

Please refer to CONTRIBUTING to help grow this project!

License

Distributed under the Apache 2 License. See LICENSE for more information.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].