-
- Downloads
V2
Showing
- README.md 220 additions, 147 deletionsREADME.md
- get_spectrogram.py 87 additions, 63 deletionsget_spectrogram.py
- get_time_freq_detection.py 54 additions, 43 deletionsget_time_freq_detection.py
- get_train_annot.py 260 additions, 0 deletionsget_train_annot.py
- get_train_val.py 129 additions, 0 deletionsget_train_val.py
- labelme2yolo.py 26 additions, 54 deletionslabelme2yolo.py
- requirements.txt 35 additions, 44 deletionsrequirements.txt
- utils.py 508 additions, 0 deletionsutils.py
- yolo2labelme.py 35 additions, 0 deletionsyolo2labelme.py
- yolov5/benchmarks.py 0 additions, 0 deletionsyolov5/benchmarks.py
- yolov5/data/Argoverse.yaml 0 additions, 0 deletionsyolov5/data/Argoverse.yaml
- yolov5/data/GlobalWheat2020.yaml 0 additions, 0 deletionsyolov5/data/GlobalWheat2020.yaml
- yolov5/data/ImageNet.yaml 0 additions, 0 deletionsyolov5/data/ImageNet.yaml
- yolov5/data/Objects365.yaml 0 additions, 0 deletionsyolov5/data/Objects365.yaml
- yolov5/data/SKU-110K.yaml 0 additions, 0 deletionsyolov5/data/SKU-110K.yaml
- yolov5/data/VOC.yaml 0 additions, 0 deletionsyolov5/data/VOC.yaml
- yolov5/data/VisDrone.yaml 0 additions, 0 deletionsyolov5/data/VisDrone.yaml
- yolov5/data/coco.yaml 0 additions, 0 deletionsyolov5/data/coco.yaml
- yolov5/data/coco128-seg.yaml 0 additions, 0 deletionsyolov5/data/coco128-seg.yaml
- yolov5/data/coco128.yaml 0 additions, 0 deletionsyolov5/data/coco128.yaml
README.md
100644 → 100755
get_spectrogram.py
100644 → 100755
get_time_freq_detection.py
100644 → 100755
get_train_annot.py
0 → 100755
get_train_val.py
0 → 100755
labelme2yolo.py
100644 → 100755
# YOLOv5 requirements | ||
# Raven2YOLO requirements | ||
# Usage: pip install -r requirements.txt | ||
# Base ------------------------------------------------------------------------ | ||
gitpython>=3.1.30 | ||
matplotlib>=3.2.2 | ||
numpy>=1.18.5 | ||
opencv-python>=4.1.1 | ||
Pillow>=7.1.2 | ||
psutil # system resources | ||
PyYAML>=5.3.1 | ||
requests>=2.23.0 | ||
scipy>=1.4.1 | ||
thop>=0.1.1 # FLOPs computation | ||
torch>=1.7.0 # see https://pytorch.org/get-started/locally (recommended) | ||
torchvision>=0.8.1 | ||
tqdm>=4.64.0 | ||
librosa==0.9.2 | ||
# protobuf<=3.20.1 # https://github.com/ultralytics/yolov5/issues/8012 | ||
# Logging --------------------------------------------------------------------- | ||
tensorboard>=2.4.1 | ||
# clearml>=1.2.0 | ||
# comet | ||
argparse==1.4.0 # Command-line argument parsing | ||
matplotlib>=3.2.2 # Plotting library | ||
numpy>=1.18.5 # Numerical computing library | ||
opencv-python>=4.1.1 # Computer vision library | ||
Pillow>=7.1.2 # Python Imaging Library | ||
PyYAML>=5.3.1 # YAML parser and emitter | ||
os>=0.11.0 # Operating system interface | ||
pandas>=2.2.2 # Data manipulation and analysis | ||
tqdm>=4.64.0 # Progress bar library | ||
# Plotting -------------------------------------------------------------------- | ||
pandas>=1.1.4 | ||
seaborn>=0.11.0 | ||
# Export ---------------------------------------------------------------------- | ||
# coremltools>=6.0 # CoreML export | ||
# onnx>=1.12.0 # ONNX export | ||
# onnx-simplifier>=0.4.1 # ONNX simplifier | ||
# nvidia-pyindex # TensorRT export | ||
# nvidia-tensorrt # TensorRT export | ||
# scikit-learn<=1.1.2 # CoreML quantization | ||
# tensorflow>=2.4.1 # TF exports (-cpu, -aarch64, -macos) | ||
# tensorflowjs>=3.9.0 # TF.js export | ||
# openvino-dev # OpenVINO export | ||
# Deploy ---------------------------------------------------------------------- | ||
setuptools>=65.5.1 # Snyk vulnerability fix | ||
# tritonclient[all]~=2.24.0 | ||
matplotlib>=3.7.1 # Plotting library | ||
seaborn>=0.11.0 # Statistical data visualization | ||
# Extras ---------------------------------------------------------------------- | ||
# ipython # interactive notebook | ||
# mss # screenshots | ||
# albumentations>=1.0.3 | ||
# pycocotools>=2.0.6 # COCO mAP | ||
# roboflow | ||
# ultralytics # HUB https://hub.ultralytics.com | ||
ipdb>=0.13.9 # IPython debugger | ||
ipython>=8.1.1 # Interactive Python shell | ||
# Additional Packages --------------------------------------------------------- | ||
glob>=1.3.0 # Unix-style pathname pattern expansion | ||
shutil>=1.0.0 # High-level file operations | ||
base64>=1.2.0 # Base16, Base32, Base64, Base85 data encoding | ||
json>=1.0.0 # JSON encoder/decoder | ||
datetime>=1.0.0 # Basic date and time types | ||
pathlib>=1.0.0 # Object-oriented filesystem paths | ||
librosa>=0.9.2 # Audio and music processing library | ||
scipy>=1.8.0 # Scientific library for numerical computations | ||
cv2>=1.0.0 # OpenCV computer vision library | ||
soundfile>=0.11.0 # Sound library | ||
p_tqdm==1.4.0 # Parallel tqdm (progress bar) for Python | ||
yaml==6.0 # YAML parser and emitter | ||
torch==1.12.0 # PyTorch deep learning framework | ||
albumentations>=1.0.3 # Image augmentation library | ||
scikit-learn<=1.1.2 # Machine learning library |
utils.py
0 → 100755
This diff is collapsed.
yolo2labelme.py
0 → 100755
yolov5/benchmarks.py
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/Argoverse.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/GlobalWheat2020.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/ImageNet.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/Objects365.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/SKU-110K.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/VOC.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/VisDrone.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/coco.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/coco128-seg.yaml
100644 → 100755
File mode changed from 100644 to 100755
yolov5/data/coco128.yaml
100644 → 100755
File mode changed from 100644 to 100755
Please register or sign in to comment