Estelle96's Stars
mlabonne/llm-course
Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
AlexeyAB/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
afatcoder/LeetcodeTop
汇总各大互联网公司容易考察的高频leetcode题🔥
facebookresearch/ImageBind
ImageBind One Embedding Space to Bind Them All
AILab-CVC/YOLO-World
[CVPR 2024] Real-Time Open-Vocabulary Object Detection
fundamentalvision/BEVFormer
[ECCV 2022] This is the official implementation of BEVFormer, a camera-only framework for autonomous driving perception, e.g., 3D object detection and semantic map segmentation.
salesforce/CodeT5
Home of CodeT5: Open Code LLMs for Code Understanding and Generation
mit-han-lab/bevfusion
[ICRA'23] BEVFusion: Multi-Task Multi-Sensor Fusion with Unified Bird's-Eye View Representation
dog-qiuqiu/MobileNet-Yolo
MobileNetV2-YoloV3-Nano: 0.5BFlops 3MB HUAWEI P40: 6ms/img, YoloFace-500k:0.1Bflops 420KB:fire::fire::fire:
pavlin-policar/openTSNE
Extensible, parallel implementations of t-SNE
maudzung/Complex-YOLOv4-Pytorch
The PyTorch Implementation based on YOLOv4 of the paper: "Complex-YOLO: Real-time 3D Object Detection on Point Clouds"
lucidrains/CoCa-pytorch
Implementation of CoCa, Contrastive Captioners are Image-Text Foundation Models, in Pytorch
facebookresearch/vilbert-multi-task
Multi Task Vision and Language
BlackHC/tfpyth
Putting TensorFlow back in PyTorch, back in TensorFlow (differentiable TensorFlow PyTorch adapters).
david8862/keras-YOLOv3-model-set
end-to-end YOLOv4/v3/v2 object detection pipeline, implemented on tf.keras with different technologies
paul-pias/Object-Detection-and-Distance-Measurement
Using yolov3 & yolov4 weights objects are being detected from live video frame along with the measurement of the object from the camera without the support of any extra hardware device.
theAIGuysCode/YOLOv4-Cloud-Tutorial
This repository walks you through how to Build and Run YOLOv4 Object Detections with Darknet in the Cloud with Google Colab.
Curt-Park/yolo-world-with-efficientvit-sam
YOLO-World + EfficientViT SAM
kangvcar/Python_OpenCV
基于Python OpenCV的图像算法原理及代码示例|平移变换、尺度变换、旋转变换、仿射变换 求反、动态范围压缩、阶梯量化、阈值分割 加法、平均法消除噪声、减法 直方图均衡化、直方图规定化 线性平滑滤波器、线性锐化滤波器、非线性平滑滤波器、非线性锐化滤波器 傅里叶变换和反变换 理想滤波器、巴特沃斯滤波器,指数滤波器 高频增强滤波器、高频提升滤波器 带通带阻滤波器、同态滤波器 均值滤波器、排序统计滤波器 DPCM编码、余弦变换编码、小波变换编码 Sobel算子、Roberts算子、拉普拉斯算子、Canny算子、Prewitt算子、高斯拉普拉斯算子...
Louise-LuLin/topic-gcn
CGAT: Channel-aware Graph Attention Networks
Abhi-899/YOLOV4-Custom-Object-Detection
In this project we will train the YOLOV4 network on 3 classes 'Ambulance' , 'Car' , 'Person' with the Google open image dataset and run the detection on a real video caught on a moving traffic camera
thundertrick/imageNoiseAnalyst
Analyse image noise with opencv-python. Reduce periodical noise of image using Gaussian filter ,Butterworth filter or Gabor filter.
spriya14/Data_Visualization-using_T-SNE
Visualization of data using t-distributed stochastic neighbor embedding plots to a huge dataset.
CariaWang/TESAN
Code for the paper "An End-to-end Topic-Enhanced Self-Attention Network for Social Emotion Classification".
tsproisl/EmotiKLUE
Topic-informed classification of implicit emotions
Hafizuddin961/ObjectDetection_YOLOv4
This project use YOLOv4 architecture to detect multiple object in image or video
AnmolGarg98/AUTOMATIC-NUMBER-PLATE-DETECTION-SYSTEM
compared two methods to perform ANPR , one using classical Canny edge detection and contour finding algorithm using OpenCV library and other using a pretrained YOLOv4 DNN model
toastedqu/Multimodal_CoT_for_VQA
weichen283/Edge-Corner-Detection
Harris corner detection and Canny edge detection