Count GitHub Stars ⭐

Overview

Count GitHub Stars per Day

Track GitHub stars per day over a date range to measure the open-source popularity of different repositories.

Requirements

PyGitHub is required to access the GitHub REST API via Python. This library enables you to manage GitHub resources such as repositories, user profiles, and organizations in your Python applications.

pip install PyGithub

Usage

Update TOKEN to a valid GitHub access token in count_stars.py L15 and then run:

python count_stars.py

Result

When run on April 10th, 2022 result is:

Counting stars for last 30.0 days from 02 May 2022

ultralytics/yolov5                      1572 stars  (52.4/day)  :   6%|| 1572/25683 [00:16<04:15, 94.53it/s]
facebookresearch/detectron2             391 stars   (13.0/day)  :   2%|| 391/20723 [00:04<03:56, 85.86it/s]
deepmind/deepmind-research              165 stars   (5.5/day)   :   2%|| 165/10079 [00:01<01:50, 89.52it/s]
aws/amazon-sagemaker-examples           120 stars   (4.0/day)   :   2%|| 120/6830 [00:02<02:16, 49.17it/s]
awslabs/autogluon                       127 stars   (4.2/day)   :   3%|| 127/4436 [00:01<01:00, 71.45it/s]
microsoft/LightGBM                      122 stars   (4.1/day)   :   1%|          | 122/13730 [00:01<03:10, 71.54it/s]
openai/gpt-3                            95 stars    (3.2/day)   :   1%|          | 95/11225 [00:01<03:34, 52.00it/s]
apple/turicreate                        40 stars    (1.3/day)   :   0%|          | 40/10676 [00:00<02:24, 73.59it/s]
apple/coremltools                       41 stars    (1.4/day)   :   2%|| 41/2641 [00:00<00:46, 56.00it/s]
google/automl                           55 stars    (1.8/day)   :   1%|          | 55/4991 [00:00<01:25, 57.53it/s]
google-research/google-research         548 stars   (18.3/day)  :   2%|| 548/23087 [00:07<05:11, 72.37it/s]
google-research/vision_transformer      279 stars   (9.3/day)   :   6%|| 279/5043 [00:02<00:49, 95.93it/s]
google-research/bert                    283 stars   (9.4/day)   :   1%|          | 283/31066 [00:03<07:01, 73.11it/s]
NVlabs/stylegan3                        158 stars   (5.3/day)   :   4%|| 158/4045 [00:01<00:44, 86.41it/s]
Tencent/ncnn                            278 stars   (9.3/day)   :   2%|| 278/14440 [00:03<02:41, 87.55it/s]
Megvii-BaseDetection/YOLOX              273 stars   (9.1/day)   :   4%|| 273/6286 [00:02<01:04, 92.53it/s]
PaddlePaddle/Paddle                     239 stars   (8.0/day)   :   1%|| 239/18086 [00:02<03:33, 83.73it/s]
rwightman/pytorch-image-models          772 stars   (25.7/day)  :   4%|| 772/18169 [00:08<03:21, 86.24it/s]
streamlit/streamlit                     375 stars   (12.5/day)  :   2%|| 375/18834 [00:03<03:07, 98.67it/s]
explosion/spaCy                         234 stars   (7.8/day)   :   1%|          | 234/23249 [00:02<03:47, 101.24it/s]
PyTorchLightning/pytorch-lightning      407 stars   (13.6/day)  :   2%|| 407/18246 [00:04<03:02, 97.83it/s]
ray-project/ray                         545 stars   (18.2/day)  :   3%|| 545/20228 [00:05<03:03, 107.33it/s]
fastai/fastai                           136 stars   (4.5/day)   :   1%|          | 136/22202 [00:01<04:28, 82.22it/s]
AlexeyAB/darknet                        248 stars   (8.3/day)   :   1%|| 248/18993 [00:02<03:40, 84.84it/s]
pjreddie/darknet                        201 stars   (6.7/day)   :   1%|          | 201/22651 [00:02<05:13, 71.62it/s]
WongKinYiu/yolor                        92 stars    (3.1/day)   :   6%|| 92/1559 [00:01<00:16, 87.69it/s]
wandb/client                            66 stars    (2.2/day)   :   2%|| 66/3853 [00:00<00:46, 82.16it/s]
Deci-AI/super-gradients                 74 stars    (2.5/day)   :  19%|█▉        | 74/380 [00:00<00:03, 96.71it/s]
neuralmagic/sparseml                    105 stars   (3.5/day)   :  11%|| 105/947 [00:01<00:08, 101.97it/s]
mosaicml/composer                       247 stars   (8.2/day)   :  19%|█▉        | 247/1306 [00:02<00:10, 104.76it/s]
nebuly-ai/nebullvm                      205 stars   (6.8/day)   :  20%|█▉        | 205/1045 [00:02<00:08, 97.46it/s]
Done in 125.7s
Owner
Ultralytics
YOLOv5 🚀 and Vision AI ⭐
Ultralytics
Spatio-Temporal Entropy Model (STEM) for end-to-end leaned video compression.

Spatio-Temporal Entropy Model A Pytorch Reproduction of Spatio-Temporal Entropy Model (STEM) for end-to-end leaned video compression. More details can

16 Nov 28, 2022
Liver segmentation using MONAI and pytorch

Machine Learning use case in the field of Healthcare. In this project MONAI and pytorch frameworks are used for 3D Liver segmentation.

Abhishek Gajbhiye 2 May 30, 2022
Server files for UltimateLabeling

UltimateLabeling server files Server files for UltimateLabeling. git clone https://github.com/alexandre01/UltimateLabeling_server.git cd UltimateLabel

Alexandre Carlier 4 Oct 10, 2022
This is the official repository for our paper: ''Pruning Self-attentions into Convolutional Layers in Single Path''.

Pruning Self-attentions into Convolutional Layers in Single Path This is the official repository for our paper: Pruning Self-attentions into Convoluti

Zhuang AI Group 77 Dec 26, 2022
Joint-task Self-supervised Learning for Temporal Correspondence (NeurIPS 2019)

Joint-task Self-supervised Learning for Temporal Correspondence Project | Paper Overview Joint-task Self-supervised Learning for Temporal Corresponden

Sifei Liu 167 Dec 14, 2022
Current state of supervised and unsupervised depth completion methods

Awesome Depth Completion Table of Contents About Sparse-to-Dense Depth Completion Current State of Depth Completion Unsupervised VOID Benchmark Superv

224 Dec 28, 2022
Cascaded Pyramid Network (CPN) based on Keras (Tensorflow backend)

ML2 Takehome Project Reimplementing the paper: Cascaded Pyramid Network for Multi-Person Pose Estimation Dataset The model uses the COCO dataset which

Vo Van Tu 1 Nov 22, 2021
magiCARP: Contrastive Authoring+Reviewing Pretraining

magiCARP: Contrastive Authoring+Reviewing Pretraining Welcome to the magiCARP API, the test bed used by EleutherAI for performing text/text bi-encoder

EleutherAI 43 Dec 29, 2022
Convert game ISO and archives to CD CHD for emulation on Linux.

tochd Convert game ISO and archives to CD CHD for emulation. Author: Tuncay D. Source: https://github.com/thingsiplay/tochd Releases: https://github.c

Tuncay 20 Jan 02, 2023
Compact Bidirectional Transformer for Image Captioning

Compact Bidirectional Transformer for Image Captioning Requirements Python 3.8 Pytorch 1.6 lmdb h5py tensorboardX Prepare Data Please use git clone --

YE Zhou 19 Dec 12, 2022
API for RL algorithm design & testing of BCA (Building Control Agent) HVAC on EnergyPlus building energy simulator by wrapping their EMS Python API

RL - EmsPy (work In Progress...) The EmsPy Python package was made to facilitate Reinforcement Learning (RL) algorithm research for developing and tes

20 Jan 05, 2023
Accurate Phylogenetic Inference with Symmetry-Preserving Neural Networks

Accurate Phylogenetic Inference with a Symmetry-preserving Neural Network Model Claudia Solis-Lemus Shengwen Yang Leonardo Zepeda-Núñez This repositor

Leonardo Zepeda-Núñez 2 Feb 11, 2022
Learning Saliency Propagation for Semi-supervised Instance Segmentation

Learning Saliency Propagation for Semi-supervised Instance Segmentation PyTorch Implementation This repository contains: the PyTorch implementation of

Berkeley DeepDrive 68 Oct 18, 2022
Deep Learning Models for Causal Inference

Extensive tutorials for learning how to build deep learning models for causal inference using selection on observables in Tensorflow 2.

Bernard J Koch 151 Dec 31, 2022
Implementation of Convolutional LSTM in PyTorch.

ConvLSTM_pytorch This file contains the implementation of Convolutional LSTM in PyTorch made by me and DavideA. We started from this implementation an

Andrea Palazzi 1.3k Dec 29, 2022
中文语音识别系列,读者可以借助它快速训练属于自己的中文语音识别模型,或直接使用预训练模型测试效果。

MASR中文语音识别(pytorch版) 开箱即用 自行训练 使用与训练分离(增量训练) 识别率高 说明:因为每个人电脑机器不同,而且有些安装包安装起来比较麻烦,强烈建议直接用我编译好的docker环境跑 目前docker基础环境为ubuntu-cuda10.1-cudnn7-pytorch1.6.

发送小信号 180 Dec 17, 2022
An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.

NNI Doc | 简体中文 NNI (Neural Network Intelligence) is a lightweight but powerful toolkit to help users automate Feature Engineering, Neural Architecture

Microsoft 12.4k Dec 31, 2022
Code for the CVPR 2021 paper: Understanding Failures of Deep Networks via Robust Feature Extraction

Welcome to Barlow Barlow is a tool for identifying the failure modes for a given neural network. To achieve this, Barlow first creates a group of imag

Sahil Singla 33 Dec 05, 2022
Framework that uses artificial intelligence applied to mathematical models to make predictions

LiconIA Framework that uses artificial intelligence applied to mathematical models to make predictions Interface Overview Table of contents [TOC] 1 Ar

4 Jun 20, 2021
Pytorch implementation for "Distribution-Balanced Loss for Multi-Label Classification in Long-Tailed Datasets" (ECCV 2020 Spotlight)

Distribution-Balanced Loss [Paper] The implementation of our paper Distribution-Balanced Loss for Multi-Label Classification in Long-Tailed Datasets (

Tong WU 304 Dec 22, 2022