https://www.youtube.com/watch?v=9l8NJJissD4 I already wrote one article on how to run [OpenMV demos](https://youtu.be/fpJZIisYKao) on Sipeed Maix Bit and also did a video of [object detection demo](https://youtu.be/Q_RU7zcAo1A) with this board. One of the many questions people have asked is - how can I recognize an object that the neural network is not trained for? In other words how to make your own image classifier and run it with hardware acceleration. This is an understandable question, since for your project you probably don't need to recognize some generic objects, like cats and dogs and airplanes. You want to recognize something specific, for example, a breed of the dog for that automatic pet door, or a plant species for sorting, or any other exiting applications you can think about! I got you! In this article I will teach you how to create your own custom image classifier with transfer learning in Keras, convert the trained model to .kmodel format and run it on Sipeed board (can be any board, Bit/Dock or Go) using Micropython or Arduino IDE. And only your imagination will be the limit to tasks you can do with this knowledge. ## Step 1: CNN and Transfer Learning: Some Theory https://cdn.instructables.com/FVR/VLU9/JV2RI7GS/FVRVLU9JV2RI7GS.LARGE.jpg https://cdn.instructables.com/FZK/S1SY/JV2RI7GU/FZKS1SYJV2RI7GU.LARGE.jpg Convolutional Neural Networks or CNN is a class of deep neural networks, most commonly applied to analyzing visual imagery. There is a lot of literature on the internet on the topic and I'll give some links in the last part of the article. In short, you can think of CNN as a series of filters, applied to the image, each filter looking for a specific feature in the image - on the lower convolutional layers the features are usually lines and simple shapes and on the higher layers the features can be more specific, e.g. body parts, specific textures, parts of animals or plants, etc. A presence of certain set of features can give us a clue to what the object in the image might be. Whiskers, two eyes and a black nose? Must be cat! Green leaves, a tree trunk? Looks like a tree! I hope you get the idea about the working principle of CNN now. Normally a deep neural network needs thousands of images and hours of training time(depends on the hardware you are using for training) to "develop" filters that are useful for recognizing the types of objects you want. But there is a shortcut. A model trained to recognize a lot of different common objects(cats, dogs, house appliances, transport, etc) already has a lot of those useful filters "developed", so we don't need it to learn recognizing the basic shapes and parts of the objects again. We can just re-train the last few layers of the network to recognize specific classes of objects, that are important for us. This is called "transfer learning". You need significantly much less training data and compute time with transfer learning, since you are only training last few layers of the network, composed maybe of few hundred neurons. Sounds awesome, right? Let's see how to implement it. ## Step 2: Prepare Your Environment https://cdn.instructables.com/FG3/71ZG/JV2RIIGB/FG371ZGJV2RIIGB.LARGE.jpg?auto=webp My working environment is Ubuntu 16.04, 64bit. You can use Virtual machine to run Ubuntu image since we will not use GPU for training. With some modifications you can also run the training script on Windows, but for model conversion you will need to use Linux system. So, preferable environment for you to execute this tutorial is Ubuntu 16.04, running natively or in virtual machine. Let's start by installing Miniconda, which is environment manager for Python. We will create isolated environment, so we won't accidentally change anything in your system Python environment. Download the installer [here](https://docs.conda.io/en/latest/miniconda.html) After installation is complete, create a new environment and install the necessary packages: ```bash conda create -n ml python=3.6 tensorflow=1.12 keras pillow numpy ``` Let's activate the new environment ``` conda activate ml ``` A prefix before your bash shell will appear with the name of the environment, indicating that you work now in that environment. ## Step 3: Re-training Script Explanation https://cdn.instructables.com/FNU/FU2X/JV2RIHUT/FNUFU2XJV2RIHUT.LARGE.jpg? Clone my github repository for this article from [here](https://github.com/AIWintermuteAI/transfer_learning_sipeed) . Let's start by doing a quick sanity check and see if our default MobileNet model can identify objects we are interested in. Execute **test.py** from cloned github repo. It will download MobileNet pre-trained model from the internet and run the inference on three images provided. Let's see the results! Hm... Okay, it can identify German shepherd dog correctly, but it seems to think that Santa is a sock with 0.22 confidence score and Arduino Uno is a modem. Low confidence scores is model's way of telling you, that it is basically clueless about what the object is. Now it is time to do some transfer learning. In cloned github repo folder you can see file named **mbnet_kers.py**. This is our training script. Let's examine it's content. **NB! The script is intentionally very basic. I could have made it more user-friendly by adding argparse arguments, such as path to images, number of epochs, image size, etc. Instead I chose to keep it very simple, so it would be easy for relative beginners in Python and ML to understand and modify it.** As usual we start by importing all the necessary packages. **def prepare_image(file)** function takes care of image preprocessing(resizing and converting to numpy array) for sample images. ```Python base_model=keras.applications.mobilenet.MobileNet(input_shape=(128, 128, 3), alpha = 0.75,depth_multiplier = 1, dropout = 0.001,include_top = False, weights = "imagenet", classes = 1000) ``` This line imports a MobileNet v1 model with weights pre-trained on imagenet dataset without the top of the model included - the top of the model takes care of final classification of detected features into class probability. Since we want the model to recognize new classes, we are going to import just the base model and create a new "top" for it, which we will train on our images. ```Python x=base_model.output<br>x=GlobalAveragePooling2D()(x) x=Dense(100,activation='relu')(x) #we add dense layers so that the model can learn more complex functions and classify for better results. x=Dropout(0.5)(x) x=Dense(50,activation='relu')(x) #dense layer 3 preds=Dense(2,activation='softmax')(x) #final layer with softmax activation model=Model(inputs=base_model.input,outputs=preds) ``` This is exactly what we are doing here. We add a few layers on top of the base model with Dropout to prevent overfitting. Note that number of neurons in the last layer(called "preds") depends on the number of classes you want to recognize. In my case it's 2. ```Python for layer in model.layers[:86]:<br> layer.trainable=False for layer in model.layers[86:]: layer.trainable=True ``` Here we set the layers of base model to "not trainable", meaning their weights will NOT change during the training. ```Python train_datagen=ImageDataGenerator(preprocessing_function=preprocess_input) #included in our dependencies train_generator=train_datagen.flow_from_directory('/images',target_size=(128,128), color_mode='rgb',batch_size=32,class_mode='categorical', shuffle=True) ``` Those two lines conveniently take care of preprocessing images from our training directory(/images) for us. ```Python model.fit_generator(generator=train_generator,steps_per_epoch=step_size_train,epochs=10) ``` Here is the line that starts the actual training process for 10 epochs. ```Python model.save('my_model.h5') ``` After training we save the model in current folder. ```Python preprocessed_image = prepare_image('24.jpg')<br>predictions_santa = model.predict(preprocessed_image) print("Santa") print(predictions_santa[0][1]*100) print("Uno") print(predictions_santa[0][0]*100) preprocessed_image = prepare_image('48.jpg') predictions_uno = model.predict(preprocessed_image) print("Santa") print(predictions_uno[0][1]*100) print("Uno") print(predictions_uno[0][0]*100) ``` Finally we test the model on our test images to see how well it performs on the images it hasn't seen. ## Step 4: Re-train the Model, Convert Keras Model to Kmodel https://cdn.instructables.com/FHM/7BQY/JV2RIHUU/FHM7BQYJV2RIHUU.LARGE.jpg For this toy example we will be training the model to recognize Santa Claus and Arduino Uno. Obviously you can choose other classes. Put the images from different classes into separate folders in /images directory(e.g. 100 images of Santa to santa folder and 100 images of arduino to arduino folder). Run the training script with ``` python mbnet_kers.py ``` Whoa, that was fast. 10 epochs training takes about 2 minutes on my old workstation and the accuracy is pretty good. Now, with your images, mileage may wary. There is no silver bullet when it comes to hyperparameters in machine learning, but I recommend you to tweak image size(128x128 pixels is pretty small, the higher the better), number of layers and their width in the top of the network, number of images in training dataset(the more the better, make sure they are representative of that particular class!) and the number of training epochs. Next we will convert our Keras model(.h5) to Tensorflow lite model(.tflite) and finally to .kmodel format. ``` tflite_convert --output_file=model.tflite \ --keras_model_file=my_model.h5 ``` this will use tensorflow command line tool to convert your keras model to tflite format. After that clone [Maix toolbox repository](https://github.com/sipeed/Maix_Toolbox) and from repository directory execute following command in terminal ``` ./tflite2kmodel.sh model.tflite ``` If the conversion was successful you will see output similar to the one above. Now to the last step, actually running our model on Sipeed hardware! ## Step 5: Run the Model on Sipeed Maix Bit https://cdn.instructables.com/F0K/9T1J/JV2RIC4T/F0K9T1JJV2RIC4T.LARGE.jpg https://cdn.instructables.com/F9I/B9UI/JV2RIC66/F9IB9UIJV2RIC66.LARGE.jpg? There are two ways to run the model you have now on Sipeed Maix hardware: micropython firmware and Arduino IDE. Micropython hardware is easier to use, but it occupies significant portion of available memory, so there is less space left for the model. Arduino IDE is basically C code, which is much more efficient and has smaller memory footprint. My model is just 1.9Mb, so both options work for it. You can use models as large as 2.9 Mb with Micropython, for anything larger you need to consider using Arduino IDE. Download OpenMV IDE from [here](https://github.com/sipeed/MaixPy/releases) and minimal micropython firmware from here. Burn the firmware with kflash,py tool: ``` python3 kflash.py maixpy.bin ``` Copy **labels.txt** and **model.kmodel** to the root of an SD card and insert SD card into Sipeed Maix Bit. Open OpenMV IDE and press the connect button. Open **mobilenet.py** script and press Start button. You should be seeing a live stream from camera and if you open Serial Terminal you will the top image recognition result with the confidence score! For using with Arduino IDE, first you need to follow the procedure for adding Sipeed boards to Arduino IDE, which is documented here. After you added the boards, open the **mobilenet_v1_transfer_learning.ino** sketch and upload it to Sipeed Maix Bit. Change the name of the model on SD card to "model" (or make a copy with this name). You can change the label names in **names.cpp**. It will show the live camera stream on the Sipeed Maix screen along with the top image recognition result. ## Step 6: Conclusions Here are some more materials to read on the topic of CNNs and transfer learning: [Transfer Learning using Mobilenet and Keras](https://towardsdatascience.com/transfer-learning-using-mobilenet-and-keras-c75daf7ff299) A great explanation of Transfer learning, this tutorial uses a modified version of the code from that article. [Cats and dogs and convolutional neural networks](http://www.subsubroutine.com/sub-subroutine/2016/9/30/cats-and-dogs-and-convolutional-neural-networks) Explains basics behind CNNs and visualizes some of the filters. With cats! [Train, Convert, Run MobileNet on Sipeed MaixPy and MaixDuino!](https://bbs.sipeed.com/t/topic/682) A tutorial from the Sipeed team on how to train Mobilenet 1000 classes from scratch(no transfer learning). You can download their pre-trained model and try it out! Hope you can use the knowledge you have now to build some awesome projects with machine vision! You can [buy Sipeed boards here](https://www.seeedstudio.com/Sipeed-MAix-BiT-for-RISC-V-AI-IoT-1-p-2873.html), they are among the cheapest options available for ML on embedded systems. Add me on [LinkedIn](https://www.linkedin.com/in/dmitry-maslov-ai/) if you have any question and subscribe to [my YouTube channel](https://www.youtube.com/c/hardwareai) to get notified about more interesting projects involving machine learning and robotics.
author | wintermuteai |
---|---|
permlink | image-recognition-with-sipeed-maix-and-arduino-ide-micropython |
category | ai |
json_metadata | {"tags":["ai","machine-learning","sipeed","neural-networks","compute-rvision"],"image":["https://img.youtube.com/vi/9l8NJJissD4/0.jpg","https://cdn.instructables.com/FVR/VLU9/JV2RI7GS/FVRVLU9JV2RI7GS.LARGE.jpg","https://cdn.instructables.com/FZK/S1SY/JV2RI7GU/FZKS1SYJV2RI7GU.LARGE.jpg","https://cdn.instructables.com/FG3/71ZG/JV2RIIGB/FG371ZGJV2RIIGB.LARGE.jpg?auto=webp","https://cdn.instructables.com/FNU/FU2X/JV2RIHUT/FNUFU2XJV2RIHUT.LARGE.jpg?","https://cdn.instructables.com/FHM/7BQY/JV2RIHUU/FHM7BQYJV2RIHUU.LARGE.jpg","https://cdn.instructables.com/F0K/9T1J/JV2RIC4T/F0K9T1JJV2RIC4T.LARGE.jpg","https://cdn.instructables.com/F9I/B9UI/JV2RIC66/F9IB9UIJV2RIC66.LARGE.jpg?"],"links":["https://www.youtube.com/watch?v=9l8NJJissD4","https://youtu.be/fpJZIisYKao","https://youtu.be/Q_RU7zcAo1A","https://docs.conda.io/en/latest/miniconda.html","https://github.com/AIWintermuteAI/transfer_learning_sipeed","https://github.com/sipeed/Maix_Toolbox","https://github.com/sipeed/MaixPy/releases","https://towardsdatascience.com/transfer-learning-using-mobilenet-and-keras-c75daf7ff299","http://www.subsubroutine.com/sub-subroutine/2016/9/30/cats-and-dogs-and-convolutional-neural-networks","https://bbs.sipeed.com/t/topic/682","https://www.seeedstudio.com/Sipeed-MAix-BiT-for-RISC-V-AI-IoT-1-p-2873.html","https://www.linkedin.com/in/dmitry-maslov-ai/","https://www.youtube.com/c/hardwareai"],"app":"steemit/0.1","format":"markdown"} |
created | 2019-05-10 03:12:48 |
last_update | 2019-05-10 03:12:48 |
depth | 0 |
children | 7 |
last_payout | 2019-05-17 03:12:48 |
cashout_time | 1969-12-31 23:59:59 |
total_payout_value | 9.710 HBD |
curator_payout_value | 3.182 HBD |
pending_payout_value | 0.000 HBD |
promoted | 0.000 HBD |
body_length | 13,246 |
author_reputation | 963,718,925,978 |
root_title | "Image Recognition With Sipeed MaiX and Arduino IDE/Micropython" |
beneficiaries | [] |
max_accepted_payout | 1,000,000.000 HBD |
percent_hbd | 10,000 |
post_id | 84,578,439 |
net_rshares | 24,484,606,035,504 |
author_curate_reward | "" |
voter | weight | wgt% | rshares | pct | time |
---|---|---|---|---|---|
wackou | 0 | 917,809,334,634 | 16.5% | ||
tombstone | 0 | 2,836,613,692,425 | 11% | ||
drifter1 | 0 | 3,564,066,420 | 27.5% | ||
lola-carola | 0 | 5,391,785,274 | 27.5% | ||
eric-boucher | 0 | 100,017,319,804 | 27.5% | ||
anwenbaumeister | 0 | 2,996,626,734 | 55% | ||
mammasitta | 0 | 12,098,653,496 | 2.75% | ||
trevonjb | 0 | 29,334,685,784 | 1% | ||
expanse | 0 | 839,523,604 | 27.5% | ||
raymondspeaks | 0 | 1,305,783,054 | 27.5% | ||
jesse5th | 0 | 67,569,638 | 50% | ||
arcange | 0 | 120,117,329,453 | 10% | ||
raphaelle | 0 | 3,712,695,964 | 10% | ||
coinmaster4you | 0 | 331,294,020 | 27.5% | ||
joshglen | 0 | 261,388,975 | 55% | ||
cheetah | 0 | 21,651,584 | 0.08% | ||
darkstar1o9 | 0 | 668,010,596 | 44% | ||
psygambler | 0 | 3,714,421,256 | 27.5% | ||
anarcist69 | 0 | 214,904,218 | 5.5% | ||
lk666 | 0 | 10,883,731,011 | 27.5% | ||
uceph | 0 | 355,323,219 | 100% | ||
whoib | 0 | 709,113,622 | 70% | ||
curie | 0 | 17,412,127,904,098 | 55% | ||
landria | 0 | 590,391,294 | 27.5% | ||
hendrikdegrote | 0 | 728,656,004,200 | 55% | ||
vact | 0 | 1,056,790,603,494 | 55% | ||
deearchi | 0 | 180,826,157 | 49.5% | ||
dashfit | 0 | 6,317,402,745 | 27.5% | ||
vaughnelric | 0 | 224,645,431 | 27.5% | ||
gangstayid | 0 | 1,829,382,107 | 27.5% | ||
kauslevi | 0 | 196,962,711 | 27.5% | ||
responsive | 0 | 190,670,642 | 55% | ||
networker5 | 0 | 763,168,034 | 27.5% | ||
vodonik | 0 | 315,926,876 | 18.15% | ||
ihsan19 | 0 | 456,135,929 | 55% | ||
lenin-mccarthy | 0 | 273,558,239 | 27.5% | ||
boynashruddin | 0 | 842,265,407 | 27.5% | ||
gmedley | 0 | 4,312,596,430 | 27.5% | ||
jan-mccomas | 0 | 709,255,427 | 27.5% | ||
dyancuex | 0 | 73,423,815 | 27.5% | ||
diebaasman | 0 | 2,444,713,475 | 12% | ||
ljpaez | 0 | 71,345,758 | 27.5% | ||
cryptophunk | 0 | 106,150,519 | 27.5% | ||
goldkeys | 0 | 1,100,825,473 | 27.5% | ||
moksamol | 0 | 6,205,361,454 | 27.5% | ||
hiroyukikomiya | 0 | 115,244,579 | 27.5% | ||
getrichordie | 0 | 2,400,463,324 | 27.5% | ||
thatsweeneyguy | 0 | 2,067,476,456 | 27.5% | ||
szokerobert | 0 | 2,055,635,157 | 11% | ||
jdc | 0 | 178,405,581 | 5.5% | ||
jacalf | 0 | 350,922,464 | 55% | ||
lotfiuser | 0 | 96,557,293 | 27.5% | ||
iansart | 0 | 16,642,178,432 | 27.5% | ||
mrstaf | 0 | 931,880,491 | 27.5% | ||
pipks | 0 | 85,824,387 | 27.5% | ||
jiujitsu | 0 | 23,153,814,087 | 27.5% | ||
rishadhaque | 0 | 81,467,503 | 27.5% | ||
lekang | 0 | 8,078,362,130 | 27.5% | ||
improv | 0 | 1,157,505,223 | 0.55% | ||
galberto | 0 | 524,459,166 | 2.2% | ||
khunpoom | 0 | 121,310,598 | 27.5% | ||
lrsm13 | 0 | 345,730,929 | 16.5% | ||
carolynseymour | 0 | 463,453,364 | 27.5% | ||
zerotoone | 0 | 5,865,148,631 | 27.5% | ||
steemanator | 0 | 238,968,245 | 55% | ||
aboutyourbiz | 0 | 10,773,665,483 | 55% | ||
numundo | 0 | 107,046,771 | 5.5% | ||
pablocordero | 0 | 80,595,174 | 27.5% | ||
giuato | 0 | 2,503,005,027 | 27.5% | ||
saintopic | 0 | 316,434,150 | 27.5% | ||
howtostartablog | 0 | 1,359,963,720 | 5.5% | ||
jonmagnusson | 0 | 2,475,960,327 | 13.75% | ||
theironfelix | 0 | 799,962,717 | 27.5% | ||
ghostgtr | 0 | 71,314,169 | 1.1% | ||
jayna | 0 | 6,788,745,907 | 8.25% | ||
guchtere | 0 | 1,737,747,775 | 27.5% | ||
sirjaxxy | 0 | 1,168,958,657 | 27.5% | ||
cryptokrieg | 0 | 10,268,460,273 | 55% | ||
rival | 0 | 2,248,825,735 | 2% | ||
tensor | 0 | 32,364,082,743 | 27.5% | ||
marshall117 | 0 | 557,005,653 | 55% | ||
riche-gould | 0 | 1,437,073,475 | 27.5% | ||
dysc0rd | 0 | 166,482,290 | 55% | ||
slickhustler007 | 0 | 1,528,624,371 | 27.5% | ||
yahman | 0 | 71,832,094 | 27.5% | ||
semasping | 0 | 390,236,931 | 27.5% | ||
makrotheblack | 0 | 1,924,159,909 | 27.5% | ||
ckcryptoinvest | 0 | 123,315,288 | 27.5% | ||
flatman | 0 | 3,354,404,414 | 55% | ||
nolasco | 0 | 514,470,636 | 2.75% | ||
nazasaad2000 | 0 | 266,163,933 | 55% | ||
allcapsonezero | 0 | 27,563,323,344 | 27.5% | ||
gambit.coin | 0 | 718,022,126 | 55% | ||
tsoldovieri | 0 | 778,081,357 | 5.5% | ||
bluemoon | 0 | 15,023,394,083 | 55% | ||
nitego | 0 | 1,757,119,980 | 16.5% | ||
mseuno | 0 | 185,346,104 | 55% | ||
hotsteam | 0 | 3,491,226,842 | 10% | ||
neumannsalva | 0 | 8,823,285,368 | 27.5% | ||
dwingsworld | 0 | 113,047,699 | 2.75% | ||
haji | 0 | 79,494,037 | 0.27% | ||
phogyan | 0 | 1,702,282,035 | 27.5% | ||
jezsmith720 | 0 | 0 | 3% | ||
brazilijus | 0 | 109,540,627 | 27.5% | ||
misterakpan | 0 | 168,560,372 | 2.75% | ||
kofspades | 0 | 273,227,523 | 27.5% | ||
azisjesika | 0 | 124,784,613 | 27.5% | ||
tfame3865 | 0 | 1,441,496,148 | 11% | ||
onethousandwords | 0 | 885,645,073 | 27.5% | ||
tekendra | 0 | 114,804,248 | 27.5% | ||
alexandrafv | 0 | 127,956,469 | 27.5% | ||
leyla5 | 0 | 759,092,597 | 27.5% | ||
sanderdieryck | 0 | 744,095,456 | 27.5% | ||
opheliapoe | 0 | 1,050,742,912 | 27.5% | ||
muliadi | 0 | 800,558,711 | 27.5% | ||
fujiwara | 0 | 72,673,569 | 55% | ||
tomcruse | 0 | 114,315,660 | 27.5% | ||
tanyaschutte | 0 | 244,693,991 | 5.5% | ||
weirdheadaches | 0 | 318,313,819 | 2.06% | ||
life.goals | 0 | 185,777,107 | 55% | ||
tradeownsystems | 0 | 182,077,222 | 55% | ||
chunnorris | 0 | 279,503,386 | 27.5% | ||
felixrodriguez | 0 | 1,643,282,085 | 27.5% | ||
sublimenonsense | 0 | 361,709,506 | 27.5% | ||
mustika | 0 | 114,752,639 | 27.5% | ||
dxdei | 0 | 226,662,980 | 55% | ||
shippou95 | 0 | 324,965,267 | 27.5% | ||
viralfever | 0 | 82,180,163 | 27.5% | ||
gabox | 0 | 198,292,634 | 2.75% | ||
bleyker | 0 | 181,685,823 | 55% | ||
revo | 0 | 21,574,154,325 | 27.5% | ||
azulear | 0 | 87,751,747 | 27.5% | ||
runningman | 0 | 402,495,220 | 27.5% | ||
vadimlasca | 0 | 705,980,408 | 55% | ||
mustaphaaoufi | 0 | 395,963,057 | 27.5% | ||
hkabir62 | 0 | 81,075,302 | 27.5% | ||
plojslydia | 0 | 113,896,987 | 55% | ||
aidarojaswriter | 0 | 141,256,914 | 2.75% | ||
massivevibration | 0 | 3,289,420,021 | 5% | ||
onartbali | 0 | 746,445,515 | 5.5% | ||
eurodale | 0 | 3,018,392,300 | 27.5% | ||
olayemzeecool | 0 | 79,121,899 | 27.5% | ||
safril21 | 0 | 114,753,785 | 27.5% | ||
reaverza | 0 | 1,273,608,746 | 15% | ||
cooknbake | 0 | 1,194,379,541 | 11% | ||
anna-mi | 0 | 468,393,504 | 27.5% | ||
clweeks | 0 | 3,089,684,679 | 33% | ||
molamola | 0 | 413,713,241 | 27.5% | ||
marysent | 0 | 218,754,467 | 5.5% | ||
click3rs | 0 | 649,958,971 | 27.5% | ||
maxruebensal | 0 | 349,274,132 | 27.5% | ||
marehalm | 0 | 879,618,520 | 55% | ||
circleoffriends | 0 | 333,861,961 | 27.5% | ||
profnuhu | 0 | 159,662,702 | 27.5% | ||
smafey | 0 | 138,746,674 | 27.5% | ||
paddygsound | 0 | 721,282,993 | 27.5% | ||
marialefleitas | 0 | 43,342,404 | 27.5% | ||
damzxyno | 0 | 186,481,225 | 16.5% | ||
ckbahdon | 0 | 145,917,256 | 27.5% | ||
dokter-purnama | 0 | 3,923,198,776 | 27.5% | ||
infamousit | 0 | 4,150,377,119 | 25% | ||
alexanderrigov | 0 | 906,290,421 | 27.5% | ||
jakesdewet | 0 | 882,006,558 | 55% | ||
derekvonzarovich | 0 | 788,076,209 | 27.5% | ||
cryptononymous | 0 | 1,268,794,500 | 27.5% | ||
snowstorm231 | 0 | 138,282,642 | 41.25% | ||
collennes | 0 | 111,739,824 | 27.5% | ||
afrikablr | 0 | 160,847,899 | 5.5% | ||
gotgame | 0 | 1,155,852,190 | 27.5% | ||
jlsplatts | 0 | 3,943,773,673 | 8.25% | ||
mayowadavid | 0 | 2,488,366,772 | 27.5% | ||
pipbypip | 0 | 84,408,294 | 27.5% | ||
poodai | 0 | 2,711,562,507 | 27.5% | ||
imamalkimas | 0 | 158,383,910 | 55% | ||
markmorbidity | 0 | 1,860,426,703 | 27.5% | ||
pat9 | 0 | 181,755,798 | 55% | ||
cmbugua | 0 | 70,672,512 | 27.5% | ||
helyorsini | 0 | 124,536,538 | 27.5% | ||
mehmood786 | 0 | 114,414,858 | 27.5% | ||
emdesan | 0 | 142,054,672 | 10% | ||
happychild | 0 | 949,014,717 | 27.5% | ||
smartlip | 0 | 104,157,944 | 27.5% | ||
doifeellucky | 0 | 69,086,470,200 | 27.5% | ||
peaceandwar | 0 | 8,993,711,494 | 27.5% | ||
enzor | 0 | 1,811,703,880 | 55% | ||
rmz | 0 | 299,027,467 | 27.5% | ||
silasvogt | 0 | 220,510,920 | 44% | ||
puggle | 0 | 77,343,359 | 16.5% | ||
anonymous13 | 0 | 221,415,891 | 55% | ||
joendegz | 0 | 4,016,748,506 | 27.5% | ||
hrovat66 | 0 | 91,615,401 | 27.5% | ||
priybrata | 0 | 114,602,022 | 27.5% | ||
jesusj1 | 0 | 78,777,302 | 100% | ||
lekosvapenglass | 0 | 70,692,029 | 40% | ||
david-grant | 0 | 109,409,444 | 27.5% | ||
lwih.eiei | 0 | 111,471,759 | 27.5% | ||
digitalpnut | 0 | 795,096,000 | 27.5% | ||
zenc | 0 | 104,699,869 | 27.5% | ||
zulfan88 | 0 | 70,517,308 | 55% | ||
hara7 | 0 | 102,106,309 | 27.5% | ||
f20170200 | 0 | 115,065,567 | 27.5% | ||
gauttam | 0 | 336,705,674 | 27.5% | ||
grafflinz | 0 | 114,376,887 | 27.5% | ||
abeyaimary | 0 | 428,261,962 | 27.5% | ||
mslily | 0 | 109,219,301 | 27.5% | ||
timbicktwo | 0 | 112,242,047 | 27.5% | ||
bridgetdaniels | 0 | 177,049,165 | 55% | ||
hectgranate | 0 | 640,520,844 | 13.75% | ||
edmundang | 0 | 269,105,802 | 11% | ||
mdsaifultop | 0 | 115,123,576 | 27.5% | ||
wandersells | 0 | 406,893,934 | 27.5% | ||
shayekh2 | 0 | 109,044,580 | 50% | ||
bluntsmasha | 0 | 236,068,601 | 2.75% | ||
silverlining1 | 0 | 137,002,807 | 1.37% | ||
masud222 | 0 | 137,475,303 | 27.5% | ||
wolfnworbeikood | 0 | 4,078,105,599 | 13% | ||
pinksteam | 0 | 1,152,190,603 | 10% | ||
pipo092281 | 0 | 76,103,369 | 27.5% | ||
senorcoconut | 0 | 647,087,833 | 2.75% | ||
kerry234 | 0 | 367,293,561 | 55% | ||
parag | 0 | 84,562,472 | 27.5% | ||
maidisangkot | 0 | 260,673,773 | 55% | ||
kimaben | 0 | 233,260,230 | 13.75% | ||
paulmoon410 | 0 | 70,614,700 | 10% | ||
shivagangula | 0 | 70,581,149 | 50% | ||
attoan.cmt | 0 | 4,233,986,673 | 27.5% | ||
nicole-st | 0 | 3,860,395,927 | 27.5% | ||
giavellottista | 0 | 114,454,237 | 27.5% | ||
teukurival | 0 | 3,085,754,528 | 27.5% | ||
jeffandhisguitar | 0 | 12,973,975,823 | 50% | ||
amanpathak | 0 | 106,320,936 | 27.5% | ||
engineeringfeed | 0 | 86,138,297 | 27.5% | ||
craigahamilton | 0 | 92,118,216 | 5.5% | ||
delph-in-holland | 0 | 529,029,129 | 27.5% | ||
spectrums | 0 | 397,990,850 | 55% | ||
eduardonarvaez | 0 | 89,154,738 | 27.5% | ||
drmake | 0 | 30,169,555,138 | 27.5% | ||
abrahman5 | 0 | 115,181,140 | 27.5% | ||
zerin.tahmid | 0 | 114,753,785 | 27.5% | ||
zohaib715 | 0 | 130,029,537 | 27.5% | ||
fidel66 | 0 | 183,842,018 | 55% | ||
klizo | 0 | 93,390,470 | 27.5% | ||
pechichemena | 0 | 1,936,518,881 | 11% | ||
naideth | 0 | 326,682,734 | 5.5% | ||
dpalash124 | 0 | 109,726,255 | 27.5% | ||
aehiguese | 0 | 94,617,076 | 55% | ||
sunnyali | 0 | 118,124,507 | 5% | ||
idontgnu | 0 | 333,324,589 | 27.5% | ||
open-asset | 0 | 90,385,527 | 27.5% | ||
skycae | 0 | 7,376,502,939 | 55% | ||
sireh | 0 | 1,682,991,370 | 5.5% | ||
studytext | 0 | 112,866,392 | 27.5% | ||
saharia | 0 | 114,725,371 | 27.5% | ||
itchyfeetdonica | 0 | 13,725,631,051 | 11% | ||
caesar2341 | 0 | 82,540,136 | 27.5% | ||
damdap | 0 | 371,573,179 | 100% | ||
xanderslee | 0 | 3,181,595,910 | 55% | ||
buti95 | 0 | 114,704,794 | 27.5% | ||
brutledge | 0 | 1,353,987,166 | 27.5% | ||
gerel | 0 | 1,391,954,756 | 27.5% | ||
kenadis | 0 | 6,714,926,931 | 27.5% | ||
esaia.mystic | 0 | 2,591,461,731 | 55% | ||
chullbull | 0 | 92,703,853 | 27.5% | ||
maticpecovnik | 0 | 8,264,120,761 | 22% | ||
enjoyy | 0 | 238,248,278 | 27.5% | ||
tomco984 | 0 | 90,615,222 | 27.5% | ||
hasan086 | 0 | 213,815,951 | 27.5% | ||
ilovekrys | 0 | 114,688,285 | 27.5% | ||
williams-owb | 0 | 897,972,196 | 55% | ||
steemerscare | 0 | 57,714,877 | 100% | ||
thescubageek | 0 | 3,991,294,146 | 27.5% | ||
cinelonga | 0 | 3,158,771,748 | 40% | ||
sohailahmed | 0 | 280,104,773 | 27.5% | ||
daglo99 | 0 | 153,193,253 | 27.5% | ||
crescendoofpeace | 0 | 233,345,456 | 1.37% | ||
nsiman | 0 | 78,906,328 | 27.5% | ||
votetanding | 0 | 370,730,499 | 100% | ||
heibert210 | 0 | 72,689,852 | 27.5% | ||
tomatom | 0 | 537,444,369 | 27.5% | ||
michaelangello | 0 | 108,853,500 | 27.5% | ||
turkolog | 0 | 71,229,019 | 27.5% | ||
mladenpaunovic | 0 | 658,653,243 | 27.5% | ||
akumar | 0 | 758,755,419 | 27.5% | ||
ledjo1991 | 0 | 67,896,876 | 50% | ||
venalbe | 0 | 800,766,478 | 27.5% | ||
danaedwards | 0 | 6,071,845,980 | 55% | ||
anikekirsten | 0 | 194,464,983 | 55% | ||
evernew | 0 | 254,354,338 | 27.5% | ||
senseibabs | 0 | 183,326,895 | 55% | ||
lucksacks.com | 0 | 121,974,406 | 27.5% | ||
goalgetter | 0 | 94,513,787 | 27.5% | ||
gordon92 | 0 | 3,813,189,594 | 27.5% | ||
edjesus | 0 | 70,707,922 | 100% | ||
bitcoinportugal | 0 | 1,613,976,174 | 27.5% | ||
stahlberg | 0 | 12,607,881,737 | 27.5% | ||
gaozben | 0 | 71,082,805 | 27.5% | ||
skaybliss | 0 | 182,258,815 | 55% | ||
jordan.white306 | 0 | 649,696,315 | 27.5% | ||
gabrielatravels | 0 | 3,603,398,777 | 13.75% | ||
catalincernat | 0 | 75,832,991 | 55% | ||
cordeta | 0 | 1,549,694,650 | 27.5% | ||
all-right | 0 | 256,749,774 | 55% | ||
camillius | 0 | 88,673,153 | 16.5% | ||
reizak | 0 | 4,862,815,472 | 22% | ||
cerventus | 0 | 351,403,903 | 27.5% | ||
lukecreed | 0 | 204,961,098 | 27.5% | ||
justenve | 0 | 114,213,978 | 27.5% | ||
monoindustrias | 0 | 75,843,134 | 55% | ||
zlatkamrs | 0 | 3,384,963,037 | 52.25% | ||
creatrixity | 0 | 282,774,447 | 27.5% | ||
ocn | 0 | 114,650,227 | 27.5% | ||
speaklife | 0 | 648,781,688 | 55% | ||
lilianajimenez | 0 | 1,178,591,695 | 27.5% | ||
mkmk | 0 | 196,694,638 | 27.5% | ||
payger | 0 | 1,645,459,560 | 27.5% | ||
smanuels | 0 | 284,572,374 | 27.5% | ||
layanmarissa | 0 | 89,505,475 | 27.5% | ||
hijosdelhombre | 0 | 13,347,527,644 | 12.1% | ||
irisworld | 0 | 1,176,460,864 | 27.5% | ||
chemistry0 | 0 | 191,822,151 | 55% | ||
bestsmiles | 0 | 100,409,909 | 50% | ||
bimijay | 0 | 274,789,534 | 55% | ||
anarchojeweler | 0 | 303,821,716 | 13.75% | ||
amf6 | 0 | 115,188,760 | 27.5% | ||
dolphinscute | 0 | 78,484,963 | 27.5% | ||
shinedojo | 0 | 6,354,812,757 | 55% | ||
christianyocte | 0 | 1,026,050,511 | 5.5% | ||
echavez82 | 0 | 145,767,979 | 38.49% | ||
leslierevales | 0 | 198,007,919 | 27.5% | ||
gky | 0 | 112,414,318 | 27.5% | ||
okekemmichael | 0 | 102,816,394 | 55% | ||
brusd | 0 | 132,086,389 | 13.75% | ||
mrxplicit | 0 | 633,010,565 | 55% | ||
fidelpoet | 0 | 78,270,456 | 55% | ||
kingeazi | 0 | 435,864,940 | 50% | ||
dioscelle | 0 | 72,676,062 | 27.5% | ||
bhargavivkothari | 0 | 168,971,807 | 27.5% | ||
cryptospreads | 0 | 114,745,009 | 27.5% | ||
emmemm | 0 | 158,256,205 | 55% | ||
talli-art | 0 | 1,088,974,861 | 55% | ||
thabiggdogg | 0 | 223,996,246 | 27.5% | ||
jcalero | 0 | 2,364,615,765 | 55% | ||
wisewoof | 0 | 2,096,185,207 | 27.5% | ||
jayfamous | 0 | 183,688,695 | 55% | ||
ssierra | 0 | 115,190,790 | 27.5% | ||
cesaralejandro | 0 | 73,731,053 | 27.5% | ||
eddieboo | 0 | 185,905,584 | 55% | ||
iamfo | 0 | 110,603,890 | 27.5% | ||
strings | 0 | 465,395,214 | 27.5% | ||
reavercois | 0 | 0 | 5% | ||
cheesom | 0 | 119,206,770 | 27.5% | ||
indrajeet | 0 | 124,140,229 | 27.5% | ||
aaronteng | 0 | 362,121,017 | 27.5% | ||
debbietiyan | 0 | 1,441,085,645 | 27.5% | ||
aljoursantillan | 0 | 174,472,865 | 55% | ||
sargoon | 0 | 551,241,346 | 5.5% | ||
yucee | 0 | 146,367,572 | 27.5% | ||
will12 | 0 | 112,919,168 | 27.5% | ||
mininthecity | 0 | 2,510,614,114 | 44% | ||
edprivat | 0 | 1,711,669,259 | 0.15% | ||
deril | 0 | 230,457,788 | 55% | ||
twanz | 0 | 181,194,658 | 100% | ||
trixie | 0 | 74,544,085 | 10% | ||
babaj | 0 | 108,737,926 | 55% | ||
didic | 0 | 32,352,486,216 | 27.5% | ||
davt014 | 0 | 239,698,329 | 27.5% | ||
warpedpoetic | 0 | 15,296,395,745 | 55% | ||
kamilala125 | 0 | 81,756,400 | 55% | ||
peeyush | 0 | 75,680,532 | 27.5% | ||
snowgoat | 0 | 206,606,758 | 55% | ||
saifannur-mzy | 0 | 114,367,686 | 27.5% | ||
operahoser | 0 | 4,431,531,096 | 8.25% | ||
yuniraziati | 0 | 207,606,737 | 55% | ||
asonintrigue | 0 | 2,397,270,402 | 27.5% | ||
modernmclaire | 0 | 250,686,163 | 55% | ||
raquelita | 0 | 164,916,366 | 27.5% | ||
jpmkikoy | 0 | 462,902,728 | 27.5% | ||
gio6 | 0 | 489,503,587 | 27.5% | ||
used-lessboy | 0 | 73,400,866 | 27.5% | ||
nwjordan | 0 | 8,357,748,723 | 55% | ||
loydjayme25 | 0 | 623,220,276 | 27.5% | ||
oghie | 0 | 659,890,878 | 50% | ||
zelenicic | 0 | 7,982,757,305 | 100% | ||
binarycounter | 0 | 215,432,239 | 55% | ||
ameliabartlett | 0 | 1,401,335,053 | 8.25% | ||
sylinda | 0 | 106,079,050 | 27.5% | ||
haggislove | 0 | 114,422,305 | 27.5% | ||
adalhelm | 0 | 661,786,739 | 22% | ||
atomcollector | 0 | 3,882,283,208 | 20% | ||
ihamquentin | 0 | 70,126,655 | 27.5% | ||
iamwhatiamnot | 0 | 135,185,991 | 11% | ||
lokiamfire | 0 | 114,440,034 | 27.5% | ||
henryconache | 0 | 462,942,064 | 27.5% | ||
tailslide | 0 | 93,144,979 | 27.5% | ||
christinegegare | 0 | 161,268,532 | 27.5% | ||
beladro | 0 | 1,036,107,224 | 27.5% | ||
lovetouch | 0 | 440,116,548 | 27.5% | ||
vegan.niinja | 0 | 3,645,038,491 | 27.5% | ||
antigenx | 0 | 236,652,764 | 22% | ||
benleemusic | 0 | 1,817,138,170 | 5.5% | ||
rulilesmana | 0 | 103,768,329 | 27.5% | ||
hoobeehey | 0 | 136,902,421 | 55% | ||
raoul.poenar | 0 | 152,053,235 | 13.75% | ||
cyprianj | 0 | 2,469,279,802 | 55% | ||
fullabeans | 0 | 115,127,392 | 27.5% | ||
akane92 | 0 | 75,205,394 | 27.5% | ||
gjart | 0 | 1,127,686,340 | 30% | ||
ehtishamjadoon | 0 | 94,960,227 | 27.5% | ||
ivan-g | 0 | 7,370,143,145 | 27.5% | ||
edinsoo | 0 | 107,146,351 | 27.5% | ||
medical-hall | 0 | 75,352,386 | 55% | ||
metalhero | 0 | 115,239,670 | 27.5% | ||
jaebirds | 0 | 115,269,890 | 27.5% | ||
kul0tzzz | 0 | 184,822,860 | 55% | ||
basir92 | 0 | 91,272,664 | 27.5% | ||
tajstar | 0 | 63,099,730 | 100% | ||
rheyss08 | 0 | 91,175,713 | 27.5% | ||
saystraight | 0 | 71,127,649 | 27.5% | ||
julianalpanta | 0 | 101,244,679 | 27.5% | ||
sampath94 | 0 | 90,035,859 | 27.5% | ||
letsplaywhatelse | 0 | 418,455,054 | 27.5% | ||
zipporah | 0 | 12,185,003,722 | 11% | ||
jerscoguth | 0 | 276,730,460 | 55% | ||
conscmovement | 0 | 94,237,641 | 27.5% | ||
bohemian.machine | 0 | 754,022,251 | 27.5% | ||
wrpx | 0 | 369,890,481 | 27.5% | ||
fai.zul | 0 | 111,421,378 | 27.5% | ||
dzued | 0 | 158,834,175 | 27.5% | ||
martinasari | 0 | 114,967,335 | 27.5% | ||
shawnycx | 0 | 257,716,965 | 55% | ||
marielitux | 0 | 114,687,578 | 27.5% | ||
polycarpedet | 0 | 83,270,327 | 27.5% | ||
steempeninsula | 0 | 71,257,631 | 27.5% | ||
joelagbo | 0 | 797,527,390 | 27.5% | ||
robotsteemit | 0 | 114,752,639 | 27.5% | ||
idkpdx | 0 | 488,290,393 | 27.5% | ||
cryptofuwealth | 0 | 92,038,597 | 11% | ||
atjehsteemit | 0 | 368,305,030 | 27.5% | ||
vlogger56 | 0 | 72,429,947 | 27.5% | ||
kothy | 0 | 1,052,328,648 | 27.5% | ||
morbyjohn | 0 | 57,961,009 | 7% | ||
forgottendreams | 0 | 115,190,790 | 27.5% | ||
ambitiouslife | 0 | 3,566,322,448 | 27.5% | ||
pojgaerlan | 0 | 182,189,630 | 55% | ||
positiveninja | 0 | 6,468,172,215 | 27.5% | ||
estherekanem | 0 | 202,079,834 | 55% | ||
newenx | 0 | 1,635,809,687 | 10% | ||
saimon312 | 0 | 144,483,501 | 38.49% | ||
lifediaries2nd | 0 | 171,465,003 | 27.5% | ||
nickiechua | 0 | 114,754,925 | 27.5% | ||
carloslgonzalez | 0 | 71,455,154 | 27.5% | ||
zombieslayer | 0 | 72,420,445 | 27.5% | ||
the-doubled | 0 | 275,495,293 | 55% | ||
mirna98 | 0 | 78,352,987 | 27.5% | ||
ninjarobo | 0 | 113,594,216 | 27.5% | ||
akaikeru | 0 | 112,110,252 | 27.5% | ||
stuckinacup | 0 | 98,054,068 | 27.5% | ||
vygimau5 | 0 | 183,191,590 | 55% | ||
beni96 | 0 | 661,766,761 | 27.5% | ||
yarinergonzalez | 0 | 191,987,300 | 46.75% | ||
sunshinebear | 0 | 458,154,145 | 27.5% | ||
phaazer1 | 0 | 815,466,852 | 27.5% | ||
theturtleproject | 0 | 1,702,834,286 | 25% | ||
zeshanjaved | 0 | 90,882,785 | 27.5% | ||
abreu | 0 | 113,855,649 | 38.49% | ||
maribelanzola | 0 | 93,425,676 | 27.5% | ||
partyheld | 0 | 114,564,091 | 27.5% | ||
bil.prag | 0 | 2,014,806,830 | 2.75% | ||
jingis07 | 0 | 2,267,679,414 | 27.5% | ||
galione | 0 | 487,948,058 | 27.5% | ||
gosmire78 | 0 | 893,554,174 | 55% | ||
toyosiartdiy | 0 | 82,600,885 | 27.5% | ||
iswanisamion | 0 | 86,832,748 | 55% | ||
peter-ella | 0 | 1,706,781,928 | 70% | ||
har5h | 0 | 114,753,779 | 27.5% | ||
josegalanton | 0 | 223,223,265 | 27.5% | ||
donjyde | 0 | 76,844,971 | 27.5% | ||
pwner | 0 | 274,785,597 | 55% | ||
gabyoraa | 0 | 1,467,873,811 | 27.5% | ||
rjrudillas14 | 0 | 182,570,219 | 55% | ||
sussexmusicfest | 0 | 759,837,014 | 100% | ||
morph3us | 0 | 110,840,053 | 27.5% | ||
glorimar | 0 | 77,352,359 | 27.5% | ||
virgo27 | 0 | 228,404,979 | 27.5% | ||
crispycoinboys | 0 | 147,586,814 | 2.75% | ||
gwapoaller | 0 | 111,964,858 | 27.5% | ||
kentonlee | 0 | 265,758,395 | 75% | ||
carloniere | 0 | 148,391,775 | 27.5% | ||
cjunros | 0 | 1,828,890,958 | 27.5% | ||
mujiarreza | 0 | 109,365,395 | 27.5% | ||
nyakrahmat | 0 | 118,434,269 | 27.5% | ||
mohamedsabry | 0 | 95,500,668 | 27.5% | ||
khairulfahmi92 | 0 | 182,341,943 | 55% | ||
laurentiu.negrea | 0 | 648,141,640 | 27.5% | ||
maryjohnson | 0 | 98,854,707 | 27.5% | ||
omairqazi | 0 | 100,207,435 | 27.5% | ||
garnan1111 | 0 | 114,754,925 | 27.5% | ||
mylittlestar | 0 | 114,363,753 | 27.5% | ||
markko | 0 | 69,038,137 | 100% | ||
befaro | 0 | 196,616,543 | 55% | ||
bdshakib | 0 | 111,914,696 | 27.5% | ||
daszod | 0 | 215,143,108 | 55% | ||
theatreofdelays | 0 | 1,937,965,477 | 100% | ||
harris2017 | 0 | 112,040,429 | 27.5% | ||
bcfriday | 0 | 216,825,907 | 55% | ||
arc.angel | 0 | 120,768,333 | 27.5% | ||
muammarnst | 0 | 114,753,779 | 27.5% | ||
selfedmade | 0 | 114,751,437 | 27.5% | ||
jayo | 0 | 82,116,303 | 27.5% | ||
chrisjayl | 0 | 133,855,376 | 27.5% | ||
neilrichmond | 0 | 71,432,171 | 27.5% | ||
wisata | 0 | 202,386,408 | 55% | ||
busytime | 0 | 114,753,785 | 27.5% | ||
haikalisifa | 0 | 108,179,489 | 27.5% | ||
arrahman90 | 0 | 125,109,363 | 27.5% | ||
count-antonio | 0 | 114,752,645 | 27.5% | ||
victorcovrig | 0 | 76,129,356 | 50% | ||
hulya.rtk.krsn | 0 | 113,356,987 | 27.5% | ||
chachikho123 | 0 | 99,573,810 | 27.5% | ||
hsa61 | 0 | 546,056,300 | 100% | ||
elsll | 0 | 1,936,224,825 | 55% | ||
steemaniax | 0 | 115,280,752 | 27.5% | ||
barutundefteri | 0 | 114,747,775 | 27.5% | ||
ikeror | 0 | 337,483,658 | 49.5% | ||
askyflyhigh | 0 | 108,529,237 | 27.5% | ||
agrestic | 0 | 255,593,828 | 27.5% | ||
bavi | 0 | 2,318,523,285 | 27.5% | ||
hiddenblade | 0 | 5,585,541,284 | 44% | ||
jngg87 | 0 | 145,239,823 | 38.49% | ||
fibrefox | 0 | 179,956,814 | 27.5% | ||
mrjokar | 0 | 113,248,334 | 27.5% | ||
misia1979 | 0 | 5,350,871,914 | 27.5% | ||
flawlessal | 0 | 115,114,032 | 27.5% | ||
patetemj | 0 | 110,346,065 | 30.79% | ||
charlotteroze | 0 | 192,391,159 | 41.25% | ||
bravofer | 0 | 95,882,227 | 27.5% | ||
heirastu | 0 | 146,023,147 | 38.49% | ||
dazzy | 0 | 74,218,468 | 27.5% | ||
egomez | 0 | 75,363,784 | 27.5% | ||
kipswolfe | 0 | 617,438,767 | 13.75% | ||
jenisbet | 0 | 143,613,731 | 38.49% | ||
ahmad097 | 0 | 74,447,485 | 27.5% | ||
mbahtutorial | 0 | 90,920,071 | 27.5% | ||
miralva | 0 | 173,827,675 | 46.75% | ||
katrina71 | 0 | 188,362,316 | 44% | ||
vzacosta | 0 | 159,815,403 | 38.49% | ||
aghmat | 0 | 70,758,329 | 27.5% | ||
animesukidesu | 0 | 106,195,654 | 27.5% | ||
technotroll | 0 | 545,240,178 | 27.5% | ||
outtheshellvlog | 0 | 526,505,315 | 27.5% | ||
camuel | 0 | 13,384,138,365 | 20% | ||
budika | 0 | 120,195,408 | 27.5% | ||
riandifc | 0 | 108,743,015 | 27.5% | ||
farabi | 0 | 115,312,634 | 27.5% | ||
wr212 | 0 | 96,755,435 | 27.5% | ||
kendallron | 0 | 977,752,918 | 55% | ||
kevinwalton | 0 | 111,727,349 | 27.5% | ||
martzpro | 0 | 97,025,268 | 27.5% | ||
wealth4good | 0 | 112,702,305 | 2.75% | ||
oclinton | 0 | 711,549,541 | 27.5% | ||
kaestel | 0 | 96,044,153 | 27.5% | ||
travelerjoe | 0 | 114,334,135 | 27.5% | ||
alltechevent | 0 | 83,252,995 | 27.5% | ||
thomaskatan | 0 | 591,746,432 | 38.49% | ||
sandy666 | 0 | 114,752,651 | 27.5% | ||
rizkiadi | 0 | 105,734,216 | 27.5% | ||
ekayanti | 0 | 159,186,145 | 13.75% | ||
scintillaic | 0 | 125,872,882 | 50% | ||
sigmund | 0 | 216,759,686 | 27.5% | ||
jeef-zone | 0 | 132,780,205 | 27.5% | ||
apteacher | 0 | 1,261,054,989 | 11% | ||
opluke | 0 | 111,474,550 | 27.5% | ||
deholt | 0 | 1,527,235,310 | 30.25% | ||
anime.lovers | 0 | 115,063,460 | 27.5% | ||
plgonzalezrx8 | 0 | 1,118,866,257 | 27.5% | ||
realredimi2 | 0 | 114,753,785 | 27.5% | ||
youraverageguy | 0 | 253,444,543 | 27.5% | ||
insaallah99 | 0 | 115,381,830 | 27.5% | ||
archaimusic | 0 | 123,028,756 | 10% | ||
paulove | 0 | 115,395,114 | 27.5% | ||
lianbloog | 0 | 79,897,591 | 27.5% | ||
wowaura | 0 | 112,265,957 | 27.5% | ||
dinaislamdina | 0 | 114,494,164 | 27.5% | ||
smacommunity | 0 | 2,554,246,539 | 27.5% | ||
muhammad.iqbal | 0 | 72,054,447 | 27.5% | ||
tafgongthe1st | 0 | 113,279,728 | 27.5% | ||
lalouline | 0 | 114,764,756 | 27.5% | ||
kaplat | 0 | 101,858,817 | 27.5% | ||
geezyweezy | 0 | 214,762,428 | 55% | ||
indayclara | 0 | 279,285,738 | 7.5% | ||
musicvoter | 0 | 4,622,919,509 | 1% | ||
leeyen23 | 0 | 193,257,607 | 27.5% | ||
abbasi1986 | 0 | 88,126,193 | 27.5% | ||
jramirezviera | 0 | 114,964,153 | 27.5% | ||
ilmondoditea | 0 | 200,305,458 | 27.5% | ||
edanya | 0 | 1,678,075,365 | 27.5% | ||
albarransama | 0 | 108,611,033 | 27.5% | ||
justasperm | 0 | 847,297,185 | 27.5% | ||
goodway | 0 | 148,157,611 | 1% | ||
ntowl | 0 | 1,725,676,605 | 16.5% | ||
nigerian-yogagal | 0 | 1,505,065,957 | 27.5% | ||
etaletai | 0 | 293,938,051 | 27.5% | ||
rosenderevies | 0 | 85,509,003 | 27.5% | ||
smer | 0 | 119,265,841 | 27.5% | ||
egheprincez | 0 | 90,920,067 | 27.5% | ||
stevenwood | 0 | 294,131,308 | 5.5% | ||
clubfungus | 0 | 3,824,703,572 | 5% | ||
samcofy | 0 | 113,685,860 | 27.5% | ||
nickeychan | 0 | 111,618,371 | 27.5% | ||
dubbio | 0 | 114,974,204 | 27.5% | ||
techsfair | 0 | 79,940,085 | 27.5% | ||
qberryfarms | 0 | 1,287,063,922 | 27.5% | ||
lulita24 | 0 | 115,329,499 | 27.5% | ||
jickirti | 0 | 115,106,484 | 27.5% | ||
blackelephant | 0 | 118,166,004 | 27.5% | ||
jazzyjeff | 0 | 128,049,420 | 41.25% | ||
bluedragon1974 | 0 | 145,062,401 | 41.25% | ||
ikkelins | 0 | 522,517,795 | 13.75% | ||
cryptek | 0 | 111,725,230 | 27.5% | ||
shortstack | 0 | 114,553,572 | 27.5% | ||
jorx | 0 | 114,321,378 | 27.5% | ||
shookriya | 0 | 1,356,999,234 | 12.21% | ||
toddfranks | 0 | 72,545,008 | 27.5% | ||
winkandwoo | 0 | 409,806,345 | 100% | ||
depq | 0 | 187,124,390 | 44% | ||
joanpablo | 0 | 95,879,345 | 27.5% | ||
abeatc | 0 | 109,488,166 | 27.5% | ||
jaber-hossain70 | 0 | 82,545,618 | 27.5% | ||
onethousandpics | 0 | 766,178,295 | 27.5% | ||
gracelbm | 0 | 3,136,748,187 | 27.5% | ||
awesome-p | 0 | 111,369,614 | 27.5% | ||
japasep16 | 0 | 114,772,614 | 27.5% | ||
geekmind | 0 | 114,752,645 | 27.5% | ||
vinothkanna | 0 | 114,752,639 | 27.5% | ||
yinyang4ever | 0 | 108,169,035 | 27.5% | ||
toby-l | 0 | 276,476,162 | 55% | ||
frost1903 | 0 | 49,543,127 | 50% | ||
abbyrich | 0 | 69,869,067 | 25% | ||
blessedsteemer | 0 | 100,533,317 | 27.5% | ||
ajaxkennes | 0 | 114,752,639 | 27.5% | ||
gnaimul | 0 | 71,363,054 | 27.5% | ||
kyanzieuno | 0 | 291,666,009 | 27.5% | ||
avizor | 0 | 589,636,460 | 27.5% | ||
gpwebers | 0 | 96,118,274 | 27.5% | ||
hakan1988 | 0 | 77,735,021 | 27.5% | ||
jakecrypto | 0 | 121,844,493 | 27.5% | ||
thelonegreywolf | 0 | 212,028,646 | 27.5% | ||
idafc | 0 | 122,575,645 | 55% | ||
jullyg | 0 | 139,059,022 | 38.49% | ||
niouton | 0 | 2,859,072,841 | 11% | ||
tea-man | 0 | 7,252,024,087 | 50% | ||
siul.joar | 0 | 96,757,008 | 27.5% | ||
chiqui03 | 0 | 72,037,773 | 27.5% | ||
blockurator | 0 | 1,546,501,574 | 5.5% | ||
purelove | 0 | 69,786,532 | 20% | ||
zephyr119 | 0 | 77,899,403 | 27.5% | ||
ghosty5 | 0 | 82,637,940 | 27.5% | ||
ghost2 | 0 | 78,599,014 | 27.5% | ||
ahsanabdullah | 0 | 90,937,283 | 27.5% | ||
juliame | 0 | 275,721,359 | 55% | ||
umitay | 0 | 237,026,855 | 55% | ||
halim08 | 0 | 156,115,741 | 27.5% | ||
rfburton | 0 | 111,701,980 | 27.5% | ||
mittalamit284 | 0 | 95,399,878 | 27.5% | ||
schroders | 0 | 21,503,842,035 | 16.5% | ||
byash | 0 | 184,367,130 | 55% | ||
disruptivas | 0 | 929,980,059 | 26.11% | ||
derson | 0 | 115,245,629 | 27.5% | ||
steemitlancer | 0 | 158,680,602 | 44% | ||
madonna2018 | 0 | 110,797,983 | 27.5% | ||
steemitarcher | 0 | 112,081,850 | 27.5% | ||
hardaeborla | 0 | 1,933,634,071 | 27.5% | ||
marzuki-r | 0 | 96,675,278 | 27.5% | ||
albor1986 | 0 | 114,718,080 | 27.5% | ||
atheology | 0 | 114,751,499 | 27.5% | ||
vellotinna | 0 | 114,653,231 | 27.5% | ||
myoha7 | 0 | 114,752,639 | 27.5% | ||
juliocaraballo | 0 | 68,162,454 | 50% | ||
ihal0001 | 0 | 109,655,351 | 27.5% | ||
theminnowhelper | 0 | 114,753,785 | 27.5% | ||
elpriist | 0 | 114,465,172 | 27.5% | ||
yogabhoga | 0 | 224,280,819 | 27.5% | ||
eveson | 0 | 131,585,345 | 38.49% | ||
somegaming | 0 | 1,739,737,081 | 55% | ||
alchemylgc | 0 | 88,569,954 | 27.5% | ||
lil-splatts | 0 | 466,951,336 | 8.25% | ||
bathijp | 0 | 114,664,316 | 27.5% | ||
naomipangolin | 0 | 1,358,618,601 | 27.5% | ||
mayib | 0 | 273,859,910 | 27.5% | ||
liquidpoopcorn | 0 | 100,422,711 | 27.5% | ||
holograma | 0 | 105,877,983 | 27.5% | ||
jumpup | 0 | 114,664,316 | 27.5% | ||
mojacko | 0 | 236,311,615 | 27.5% | ||
donnyandrian | 0 | 214,784,248 | 55% | ||
cryptocopy | 0 | 3,490,495,270 | 27.5% | ||
zorang | 0 | 115,190,796 | 27.5% | ||
yogaspirit | 0 | 280,674,123 | 100% | ||
sagor94 | 0 | 114,752,639 | 27.5% | ||
raul567 | 0 | 162,473,198 | 44% | ||
eroticabian | 0 | 688,234,723 | 11% | ||
hermanasquintero | 0 | 188,514,688 | 44% | ||
leonosso | 0 | 114,752,645 | 27.5% | ||
reconstitution | 0 | 396,924,437 | 7.7% | ||
marcozina | 0 | 114,752,639 | 27.5% | ||
longer | 0 | 359,021,616 | 50% | ||
breakoutthecrazy | 0 | 14,720,204,348 | 100% | ||
tysir | 0 | 110,758,669 | 27.5% | ||
blewitt | 0 | 19,067,962,173 | 3.85% | ||
horribleorbit | 0 | 187,576,686 | 55% | ||
fl15 | 0 | 11,795,129,642 | 60% | ||
carpet.duck | 0 | 197,081,016 | 27.5% | ||
anyer-quantum | 0 | 545,970,390 | 100% | ||
techupdate | 0 | 134,324,325 | 27.5% | ||
karinasia25 | 0 | 187,629,632 | 44% | ||
sivehead | 0 | 207,573,269 | 1% | ||
kafupraise | 0 | 134,611,872 | 34% | ||
aishpandey | 0 | 98,897,789 | 27.5% | ||
mindbuilder-sc | 0 | 266,938,208 | 27.5% | ||
uhamm | 0 | 118,540,217 | 55% | ||
jpgalih | 0 | 114,528,430 | 27.5% | ||
galihtruff | 0 | 77,790,906 | 27.5% | ||
duocover | 0 | 108,338,518 | 27.5% | ||
babalsilau | 0 | 114,359,962 | 27.5% | ||
siraizel | 0 | 80,353,294 | 27.5% | ||
albertotang | 0 | 129,450,523 | 55% | ||
shortsegments | 0 | 37,767,958,056 | 27.5% | ||
mzh.hamim | 0 | 114,753,779 | 27.5% | ||
juanguillen | 0 | 103,528,058 | 27.5% | ||
dexvid | 0 | 114,326,709 | 27.5% | ||
cringytv | 0 | 114,753,779 | 27.5% | ||
mahmudulhassan | 0 | 290,719,818 | 27.5% | ||
reboost | 0 | 109,993,233 | 27.5% | ||
leilanyarevalo | 0 | 282,850,022 | 16.5% | ||
whyken | 0 | 80,658,765 | 27.5% | ||
vicmic | 0 | 85,295,858 | 27.5% | ||
mariabutto | 0 | 114,753,779 | 27.5% | ||
boyaceh | 0 | 90,388,068 | 27.5% | ||
karinquintero | 0 | 188,057,631 | 44% | ||
angelica7 | 0 | 254,782,902 | 2.75% | ||
femidada | 0 | 70,197,287 | 27.5% | ||
payinstant | 0 | 92,864,409 | 27.5% | ||
reungkhoem | 0 | 74,972,816 | 27.5% | ||
emmalg87 | 0 | 114,368,356 | 27.5% | ||
mvoalevine | 0 | 84,160,346 | 27.5% | ||
annasilvia | 0 | 112,820,918 | 27.5% | ||
veteransoffgrid | 0 | 83,782,490 | 27.5% | ||
magdechef | 0 | 85,532,533 | 27.5% | ||
ilovecryptopl | 0 | 7,798,242,289 | 44% | ||
poeblu85 | 0 | 115,089,635 | 27.5% | ||
vmkoko | 0 | 89,740,630 | 27.5% | ||
walexworld | 0 | 79,541,081 | 27.5% | ||
yomismosoy | 0 | 361,251,133 | 50% | ||
ninihorlah | 0 | 87,054,553 | 27.5% | ||
esteliopadilla | 0 | 546,758,686 | 100% | ||
ashfaaaq | 0 | 1,017,617,983 | 27.5% | ||
juanhobos | 0 | 325,300,563 | 27.5% | ||
johngoad | 0 | 118,217,204 | 55% | ||
steinz | 0 | 1,112,864,972 | 27.5% | ||
kayegrasya | 0 | 293,420,598 | 27.5% | ||
foxesal | 0 | 80,867,530 | 27.5% | ||
libe | 0 | 117,713,505 | 27.5% | ||
ziaaa | 0 | 114,479,573 | 27.5% | ||
lexcreativz | 0 | 114,478,619 | 27.5% | ||
earnstech | 0 | 114,521,212 | 27.5% | ||
vtechifie | 0 | 114,752,639 | 27.5% | ||
nikola.kalabic | 0 | 275,824,078 | 55% | ||
sina-adventure | 0 | 889,110,632 | 55% | ||
blancoazx | 0 | 188,479,121 | 44% | ||
edundayo | 0 | 206,808,033 | 27.5% | ||
marygourmet | 0 | 99,608,496 | 27.5% | ||
melor9 | 0 | 208,848,009 | 27.5% | ||
carmen52 | 0 | 188,159,821 | 44% | ||
ssteem | 0 | 114,686,795 | 27.5% | ||
lillywilton | 0 | 879,140,121 | 20% | ||
bestofph | 0 | 4,677,364,662 | 15% | ||
bitson | 0 | 94,473,760 | 27.5% | ||
mrandreas | 0 | 87,279,048 | 27.5% | ||
yestermorrow | 0 | 5,277,084,040 | 16.5% | ||
call-me-howie | 0 | 1,018,390,178 | 27.5% | ||
helmimemes | 0 | 96,940,885 | 27.5% | ||
homespun | 0 | 91,722,095 | 55% | ||
seventhsun | 0 | 326,594,411 | 27.5% | ||
hansmast | 0 | 4,573,402,986 | 27.5% | ||
momimalhi | 0 | 929,628,320 | 27.5% | ||
cynicalcake | 0 | 584,435,518 | 27.5% | ||
david9122 | 0 | 98,774,928 | 27.5% | ||
walterhash | 0 | 114,502,754 | 27.5% | ||
rockinggameworld | 0 | 82,534,044 | 27.5% | ||
hrtstrings | 0 | 206,528,354 | 55% | ||
deividluchi | 0 | 984,231,930 | 27.5% | ||
alisalof | 0 | 86,821,154 | 27.5% | ||
wallyt | 0 | 2,809,393,267 | 22% | ||
wstanley226 | 0 | 88,680,949 | 50% | ||
betoviiil | 0 | 114,668,798 | 27.5% | ||
nicole24 | 0 | 90,093,412 | 27.5% | ||
friskykitty | 0 | 86,679,286 | 27.5% | ||
tjessie | 0 | 184,613,050 | 55% | ||
lemareg | 0 | 99,038,518 | 27.5% | ||
junaidpasha | 0 | 114,694,291 | 27.5% | ||
suasteguimichel | 0 | 66,877,632 | 50% | ||
criptomoneta | 0 | 82,249,872 | 27.5% | ||
partitura | 0 | 839,017,502 | 27.5% | ||
p4ragon | 0 | 1,437,694,356 | 50% | ||
yaelg | 0 | 2,470,204,424 | 5% | ||
olusegun | 0 | 96,626,710 | 27.5% | ||
samsonite18654 | 0 | 72,079,855 | 27.5% | ||
carolinafer | 0 | 78,826,696 | 27.5% | ||
cryptobeast7 | 0 | 124,227,660 | 27.5% | ||
karibeweb | 0 | 114,353,699 | 27.5% | ||
time.toeat | 0 | 102,660,536 | 27.5% | ||
ipally | 0 | 115,400,416 | 27.5% | ||
elius2289 | 0 | 115,339,774 | 27.5% | ||
andylsyahputra | 0 | 113,606,564 | 27.5% | ||
radioboots | 0 | 115,395,747 | 27.5% | ||
steeming-ali | 0 | 476,486,882 | 27.5% | ||
bradondamyx12345 | 0 | 91,230,230 | 27.5% | ||
penyuteverest | 0 | 112,558,571 | 27.5% | ||
soulfulfox | 0 | 524,334,760 | 100% | ||
dayosoyinka | 0 | 110,988,908 | 27.5% | ||
sepin | 0 | 132,469,320 | 27.5% | ||
sayeedrock | 0 | 111,714,375 | 27.5% | ||
cryptobl4ck | 0 | 115,388,063 | 27.5% | ||
epicentrokaribe | 0 | 187,707,059 | 44% | ||
gio.vanne | 0 | 79,683,720 | 27.5% | ||
danlipert | 0 | 1,195,135,347 | 27.5% | ||
withbristy | 0 | 86,288,104 | 27.5% | ||
dianation | 0 | 72,015,353 | 27.5% | ||
sadnesscarl | 0 | 72,881,061 | 27.5% | ||
walletexpert | 0 | 185,610,970 | 27.5% | ||
vasethros81 | 0 | 102,674,631 | 27.5% | ||
aguirod | 0 | 115,191,667 | 27.5% | ||
tommasobusiello | 0 | 2,849,645,353 | 27.5% | ||
kenlow | 0 | 113,872,123 | 27.5% | ||
deniree-celis | 0 | 147,230,693 | 33% | ||
clement.poiret | 0 | 3,589,565,137 | 55% | ||
shadown99 | 0 | 1,443,198,483 | 27.5% | ||
badpupper | 0 | 285,305,371 | 27.5% | ||
ak477 | 0 | 72,099,626 | 27.5% | ||
thefauceteer | 0 | 217,010,133 | 55% | ||
ifykiki | 0 | 70,873,578 | 27.5% | ||
venustory | 0 | 85,844,774 | 27.5% | ||
dekpah | 0 | 114,347,116 | 27.5% | ||
dong-a | 0 | 94,792,841 | 27.5% | ||
venusisme | 0 | 275,548,230 | 55% | ||
emsteemians | 0 | 101,837,965 | 10% | ||
scottallen | 0 | 69,864,527 | 27.5% | ||
dropedesign | 0 | 114,744,660 | 27.5% | ||
henry.englert | 0 | 79,374,602 | 27.5% | ||
teamoregon | 0 | 84,032,380 | 13.75% | ||
darpankurani | 0 | 87,421,895 | 27.5% | ||
naayren | 0 | 90,093,619 | 27.5% | ||
shepherd-stories | 0 | 387,287,174 | 27.5% | ||
t1050108 | 0 | 111,977,178 | 27.5% | ||
abraham10 | 0 | 65,090,977 | 82% | ||
abdelkrim2015 | 0 | 236,616,575 | 27.5% | ||
ananas.studio | 0 | 538,099,175 | 27.5% | ||
juanl11 | 0 | 114,752,639 | 27.5% | ||
kiikoh | 0 | 448,354,081 | 55% | ||
justintan | 0 | 115,166,494 | 27.5% | ||
saridezraa | 0 | 115,164,196 | 27.5% | ||
adamllokman | 0 | 198,915,455 | 55% | ||
samaz0r | 0 | 108,594,711 | 27.5% | ||
synthtology | 0 | 71,817,916 | 27.5% | ||
drifter2 | 0 | 438,214,746 | 27.5% | ||
smartkid809 | 0 | 68,466,042 | 30% | ||
dikkie | 0 | 231,751,406 | 55% | ||
zygi | 0 | 114,306,350 | 27.5% | ||
diyanti86 | 0 | 988,251,693 | 27.5% | ||
weenwacyrus | 0 | 105,156,343 | 27.5% | ||
attorneyatlawl | 0 | 115,159,470 | 27.5% | ||
culinaria | 0 | 279,160,765 | 55% | ||
alim264 | 0 | 115,062,128 | 27.5% | ||
sugarpie | 0 | 113,510,721 | 27.5% | ||
daniel-jayu | 0 | 114,633,526 | 27.5% | ||
skorup87 | 0 | 16,253,936 | 11% | ||
grizzz | 0 | 162,151,052 | 27.5% | ||
trang | 0 | 5,414,448,039 | 27.5% | ||
rishhk | 0 | 70,212,875 | 15% | ||
alexxxdada | 0 | 317,016,253 | 27.5% | ||
steemituplife | 0 | 323,586,452 | 15.9% | ||
juanmariasolare | 0 | 520,897,037 | 100% | ||
exsanguinator | 0 | 114,987,256 | 27.5% | ||
greenfooteco | 0 | 297,861,781 | 27.5% | ||
yashshah991 | 0 | 67,395,044 | 50% | ||
aiberg | 0 | 110,570,906 | 27.5% | ||
gbemy | 0 | 70,038,267 | 20% | ||
raghao | 0 | 972,933,224 | 27.5% | ||
rajesh1000 | 0 | 81,483,185 | 27.5% | ||
rhethypo | 0 | 2,440,893,761 | 27.5% | ||
orbe | 0 | 181,687,125 | 55% | ||
alexhuang | 0 | 115,191,673 | 27.5% | ||
gingeralen | 0 | 197,525,722 | 55% | ||
jakedavis224 | 0 | 222,510,778 | 27.5% | ||
paymanmahabad | 0 | 114,416,559 | 27.5% | ||
heatherhemp | 0 | 94,919,902 | 27.5% | ||
sisterma | 0 | 115,099,887 | 27.5% | ||
tarantula95 | 0 | 114,548,144 | 27.5% | ||
feederr | 0 | 114,419,430 | 27.5% | ||
antigourmet | 0 | 2,496,216,733 | 27.5% | ||
yes-please | 0 | 1,853,566,648 | 50% | ||
saifulhuri | 0 | 71,825,603 | 27.5% | ||
knightbjj | 0 | 1,000,333,002 | 27.5% | ||
predict-crypto | 0 | 1,939,075,589 | 1.1% | ||
alpha-today | 0 | 272,999,859 | 27.5% | ||
ganjafarmers | 0 | 71,638,738 | 13.75% | ||
chickenmeat | 0 | 3,503,421,391 | 27.5% | ||
javier.dejuan | 0 | 12,827,864,025 | 55% | ||
nithin7237 | 0 | 84,538,449 | 27.5% | ||
antisocialian | 0 | 96,188,907 | 27.5% | ||
jeongji | 0 | 112,707,075 | 27.5% | ||
lnib | 0 | 115,023,271 | 27.5% | ||
jewlzie | 0 | 602,641,187 | 27.5% | ||
velmafia | 0 | 1,359,176,818 | 55% | ||
delubi | 0 | 103,945,655 | 27.5% | ||
ejgarcia | 0 | 511,703,965 | 27.5% | ||
faithfullwills | 0 | 68,133,846 | 85% | ||
wintermuteai | 0 | 0 | 100% | ||
pandina | 0 | 70,110,520 | 27.5% | ||
sol.ahmad | 0 | 85,042,750 | 27.5% | ||
mudassarhussain | 0 | 111,170,797 | 27.5% | ||
stonecoin | 0 | 614,573,798 | 55% | ||
pradumngaur | 0 | 111,190,421 | 27.5% | ||
kuku-splatts | 0 | 434,027,828 | 8.25% | ||
leftyobradovich | 0 | 237,410,054 | 55% | ||
henhaokan | 0 | 114,752,645 | 27.5% | ||
embot | 0 | 1,670,630,936 | 100% | ||
kinglypalace | 0 | 339,851,678 | 55% | ||
javiera | 0 | 165,988,952 | 27.5% | ||
joakina | 0 | 222,569,549 | 27.5% | ||
josefinaf | 0 | 185,136,135 | 27.5% | ||
carenama | 0 | 93,196,896 | 27.5% | ||
adalena | 0 | 209,893,194 | 27.5% | ||
hogony | 0 | 133,740,432 | 27.5% | ||
faitea | 0 | 113,986,626 | 27.5% | ||
verriabella | 0 | 139,538,648 | 27.5% | ||
lagritos | 0 | 135,618,991 | 27.5% | ||
tenegrore | 0 | 197,946,380 | 27.5% | ||
chriswilson | 0 | 96,685,458 | 27.5% | ||
rufinac | 0 | 163,687,769 | 27.5% | ||
prudenci | 0 | 108,180,983 | 27.5% | ||
modeste | 0 | 163,054,428 | 27.5% | ||
anti-bully | 0 | 484,524,420 | 27.5% | ||
kind.network | 0 | 615,397,985 | 13.75% | ||
shahrukh89 | 0 | 114,751,499 | 27.5% | ||
pemburubitcoin | 0 | 85,449,797 | 27.5% | ||
cryptorunway | 0 | 64,378,731 | 50% | ||
letzsteem | 0 | 95,819,765 | 27.5% | ||
topbuzzer | 0 | 94,983,759 | 27.5% | ||
desikaamukkahani | 0 | 1,721,126,139 | 55% | ||
kirstenboic | 0 | 76,428,310 | 27.5% | ||
mikofs31 | 0 | 113,108,259 | 27.5% | ||
cannabis-news | 0 | 360,087,921 | 13.75% | ||
reverseacid | 0 | 4,427,516,887 | 27.5% | ||
alatomz | 0 | 138,438,505 | 27.5% | ||
mrpritam | 0 | 109,324,189 | 27.5% | ||
supersmoker | 0 | 70,443,388 | 27.5% | ||
franb24 | 0 | 110,610,195 | 27.5% | ||
shtefand | 0 | 114,352,773 | 27.5% | ||
adyorka | 0 | 814,102,639 | 27.5% | ||
imtydviperz | 0 | 115,302,671 | 27.5% | ||
zerokun | 0 | 561,205,035 | 27.5% | ||
maglerky | 0 | 114,338,535 | 27.5% | ||
jhonnfreiny | 0 | 108,221,902 | 27.5% | ||
minnowwboster | 0 | 90,111,722 | 27.5% | ||
socynical | 0 | 114,705,363 | 27.5% | ||
arslanyasir | 0 | 144,755,934 | 33% | ||
semtroneum | 0 | 380,222,562 | 16.5% | ||
xenberg | 0 | 521,704,056 | 100% | ||
sohelsarowar | 0 | 76,690,494 | 27.5% | ||
jensopinion | 0 | 243,369,442 | 27.5% | ||
mrsimpalacoupe78 | 0 | 108,753,489 | 27.5% | ||
eu-id | 0 | 620,419,552 | 10% | ||
anarcist | 0 | 85,619,083 | 27.5% | ||
andydream | 0 | 914,637,978 | 27.5% | ||
zeldacroft | 0 | 801,016,656 | 27.5% | ||
santiagoguillen | 0 | 102,603,694 | 27.5% | ||
bluntrunner | 0 | 1,048,638,123 | 27.5% | ||
alvinvoo | 0 | 149,049,721 | 27.5% | ||
alom8 | 0 | 1,167,758,685 | 27.5% | ||
tinakoya | 0 | 249,799,555 | 27.5% | ||
juankrk4 | 0 | 105,130,492 | 27.5% | ||
dsj | 0 | 84,054,022 | 27.5% | ||
wiseman222 | 0 | 74,680,491 | 27.5% | ||
seattleite | 0 | 113,450,487 | 27.5% | ||
as-abir | 0 | 114,915,366 | 27.5% | ||
raoufwilly | 0 | 1,091,031,827 | 16.5% | ||
nirob44 | 0 | 114,671,236 | 27.5% | ||
silent678 | 0 | 211,690,617 | 55% | ||
inpursuit | 0 | 340,678,500 | 4.4% | ||
angelcg22 | 0 | 90,480,971 | 27.5% | ||
mcnestler | 0 | 10,832,865,612 | 100% | ||
cryptowrld | 0 | 0 | 26% | ||
davidsams | 0 | 114,471,026 | 38.49% | ||
brectar | 0 | 113,103,280 | 27.5% | ||
positiveninja2 | 0 | 542,307,295 | 13.75% | ||
abbasi1987 | 0 | 115,346,873 | 27.5% | ||
dubb | 0 | 70,040,070 | 27.5% | ||
ambercookie | 0 | 105,393,896 | 90% | ||
deadcountry | 0 | 1,439,456,912 | 27.5% | ||
homefree | 0 | 675,098,956 | 55% |
Congratulations @wintermuteai! Your post was mentioned in the [Steem Hit Parade for newcomers](/hit-parade/@arcange/daily-hit-parade-for-newcomers-20190510) in the following categories: * Upvotes - Ranked 1 with 1166 upvotes * Pending payout - Ranked 3 with $ 11,11 I also upvoted your post to increase its reward If you like my work to promote newcomers and give them more visibility on the Steem blockchain, consider to [vote for my witness](https://v2.steemconnect.com/sign/account-witness-vote?witness=arcange&approve=1)!
author | arcange |
---|---|
permlink | re-image-recognition-with-sipeed-maix-and-arduino-ide-micropython-20190510t181844000z |
category | ai |
json_metadata | "" |
created | 2019-05-11 16:19:54 |
last_update | 2019-05-11 16:19:54 |
depth | 1 |
children | 0 |
last_payout | 2019-05-18 16:19:54 |
cashout_time | 1969-12-31 23:59:59 |
total_payout_value | 0.000 HBD |
curator_payout_value | 0.000 HBD |
pending_payout_value | 0.000 HBD |
promoted | 0.000 HBD |
body_length | 527 |
author_reputation | 1,146,611,356,767,317 |
root_title | "Image Recognition With Sipeed MaiX and Arduino IDE/Micropython" |
beneficiaries | [] |
max_accepted_payout | 1,000,000.000 HBD |
percent_hbd | 10,000 |
post_id | 84,672,345 |
net_rshares | 0 |
Hi! I am a robot. I just upvoted you! I found similar content that readers might be interested in: https://www.instructables.com/id/Transfer-Learning-With-Sipeed-MaiX-and-Arduino-IDE/
author | cheetah |
---|---|
permlink | cheetah-re-wintermuteaiimage-recognition-with-sipeed-maix-and-arduino-ide-micropython |
category | ai |
json_metadata | "" |
created | 2019-05-10 03:13:00 |
last_update | 2019-05-10 03:13:00 |
depth | 1 |
children | 0 |
last_payout | 2019-05-17 03:13:00 |
cashout_time | 1969-12-31 23:59:59 |
total_payout_value | 0.000 HBD |
curator_payout_value | 0.000 HBD |
pending_payout_value | 0.000 HBD |
promoted | 0.000 HBD |
body_length | 183 |
author_reputation | 942,693,160,055,713 |
root_title | "Image Recognition With Sipeed MaiX and Arduino IDE/Micropython" |
beneficiaries | [] |
max_accepted_payout | 1,000,000.000 HBD |
percent_hbd | 10,000 |
post_id | 84,578,448 |
net_rshares | 0 |
Hi wintermuteai, <div class="pull-right"> https://steemitimages.com/DQmXgrYG8AKimJKRSu2urPB5SPcftN6GCGx2gVJJMwBkuTu/Curie%20Logo%2075px.png </div> This post has been upvoted by the Curie community curation project and associated vote trail as exceptional content (human curated and reviewed). Have a great day :) <br> Visit <a href="http://curiesteem.com/">curiesteem.com</a> or join the <a href="https://discord.gg/G6RPUMu">Curie Discord community</a> to learn more.
author | curie |
---|---|
permlink | re-image-recognition-with-sipeed-maix-and-arduino-ide-micropython-20190510t084213 |
category | ai |
json_metadata | "" |
created | 2019-05-10 08:42:15 |
last_update | 2019-05-10 08:42:15 |
depth | 1 |
children | 1 |
last_payout | 2019-05-17 08:42:15 |
cashout_time | 1969-12-31 23:59:59 |
total_payout_value | 0.000 HBD |
curator_payout_value | 0.000 HBD |
pending_payout_value | 0.000 HBD |
promoted | 0.000 HBD |
body_length | 471 |
author_reputation | 613,039,945,737,625 |
root_title | "Image Recognition With Sipeed MaiX and Arduino IDE/Micropython" |
beneficiaries | [] |
max_accepted_payout | 1,000,000.000 HBD |
percent_hbd | 10,000 |
post_id | 84,594,635 |
net_rshares | 540,321,087 |
author_curate_reward | "" |
voter | weight | wgt% | rshares | pct | time |
---|---|---|---|---|---|
wintermuteai | 0 | 540,321,087 | 100% |
Hi! Thank you for you feedback! I will have a look at the Curie community curation project.
author | wintermuteai |
---|---|
permlink | re-curie-re-image-recognition-with-sipeed-maix-and-arduino-ide-micropython-20190510t084213-20190512t104928345z |
category | ai |
json_metadata | {"tags":["ai"],"app":"steemit/0.1"} |
created | 2019-05-12 10:49:27 |
last_update | 2019-05-12 10:49:27 |
depth | 2 |
children | 0 |
last_payout | 2019-05-19 10:49:27 |
cashout_time | 1969-12-31 23:59:59 |
total_payout_value | 0.000 HBD |
curator_payout_value | 0.000 HBD |
pending_payout_value | 0.000 HBD |
promoted | 0.000 HBD |
body_length | 91 |
author_reputation | 963,718,925,978 |
root_title | "Image Recognition With Sipeed MaiX and Arduino IDE/Micropython" |
beneficiaries | [] |
max_accepted_payout | 1,000,000.000 HBD |
percent_hbd | 10,000 |
post_id | 84,713,721 |
net_rshares | 0 |
Hi @wintermuteai, I have the deepest respect for what you do. And it is the first time that I see a video where someone explains how you could set up KI recognition. Here, I have to be honest: I also never searched for it :) But it is cool to see that it exists. Keep up the good work buddy
author | mcnestler |
---|---|
permlink | re-wintermuteai-image-recognition-with-sipeed-maix-and-arduino-ide-micropython-20190510t115345355z |
category | ai |
json_metadata | {"tags":["ai"],"users":["wintermuteai"],"app":"steemit/0.1"} |
created | 2019-05-10 11:53:45 |
last_update | 2019-05-10 11:53:45 |
depth | 1 |
children | 1 |
last_payout | 2019-05-17 11:53:45 |
cashout_time | 1969-12-31 23:59:59 |
total_payout_value | 0.000 HBD |
curator_payout_value | 0.000 HBD |
pending_payout_value | 0.000 HBD |
promoted | 0.000 HBD |
body_length | 290 |
author_reputation | 2,721,392,457,403 |
root_title | "Image Recognition With Sipeed MaiX and Arduino IDE/Micropython" |
beneficiaries | [] |
max_accepted_payout | 1,000,000.000 HBD |
percent_hbd | 10,000 |
post_id | 84,602,866 |
net_rshares | 552,351,383 |
author_curate_reward | "" |
voter | weight | wgt% | rshares | pct | time |
---|---|---|---|---|---|
wintermuteai | 0 | 552,351,383 | 100% |
I appreciate your feedback very much! I'm surprised my article on transfer learning with Keras and inference on embedded system gained a lot of attention, both here and on instructables. I guess there's not so much material on that topic especially the latter part.
author | wintermuteai |
---|---|
permlink | re-mcnestler-re-wintermuteai-image-recognition-with-sipeed-maix-and-arduino-ide-micropython-20190512t104828980z |
category | ai |
json_metadata | {"tags":["ai"],"app":"steemit/0.1"} |
created | 2019-05-12 10:48:30 |
last_update | 2019-05-12 10:48:30 |
depth | 2 |
children | 0 |
last_payout | 2019-05-19 10:48:30 |
cashout_time | 1969-12-31 23:59:59 |
total_payout_value | 0.000 HBD |
curator_payout_value | 0.000 HBD |
pending_payout_value | 0.000 HBD |
promoted | 0.000 HBD |
body_length | 265 |
author_reputation | 963,718,925,978 |
root_title | "Image Recognition With Sipeed MaiX and Arduino IDE/Micropython" |
beneficiaries | [] |
max_accepted_payout | 1,000,000.000 HBD |
percent_hbd | 10,000 |
post_id | 84,713,672 |
net_rshares | 0 |
Congratulations @wintermuteai! You have completed the following achievement on the Steem blockchain and have been rewarded with new badge(s) : <table><tr><td><img src="https://steemitimages.com/60x70/http://steemitboard.com/@wintermuteai/voted.png?201905101030"></td><td>You received more than 1000 upvotes. Your next target is to reach 2000 upvotes.</td></tr> </table> <sub>_You can view [your badges on your Steem Board](https://steemitboard.com/@wintermuteai) and compare to others on the [Steem Ranking](http://steemitboard.com/ranking/index.php?name=wintermuteai)_</sub> <sub>_If you no longer want to receive notifications, reply to this comment with the word_ `STOP`</sub> **Do not miss the last post from @steemitboard:** <table><tr><td><a href="https://steemit.com/steemitboard/@steemitboard/steemitboard-witness-update-2019-05"><img src="https://steemitimages.com/64x128/http://i.cubeupload.com/7CiQEO.png"></a></td><td><a href="https://steemit.com/steemitboard/@steemitboard/steemitboard-witness-update-2019-05">SteemitBoard - Witness Update</a></td></tr></table> ###### [Vote for @Steemitboard as a witness](https://v2.steemconnect.com/sign/account-witness-vote?witness=steemitboard&approve=1) to get one more award and increased upvotes!
author | steemitboard |
---|---|
permlink | steemitboard-notify-wintermuteai-20190510t130023000z |
category | ai |
json_metadata | {"image":["https://steemitboard.com/img/notify.png"]} |
created | 2019-05-10 13:00:24 |
last_update | 2019-05-10 13:00:24 |
depth | 1 |
children | 0 |
last_payout | 2019-05-17 13:00:24 |
cashout_time | 1969-12-31 23:59:59 |
total_payout_value | 0.000 HBD |
curator_payout_value | 0.000 HBD |
pending_payout_value | 0.000 HBD |
promoted | 0.000 HBD |
body_length | 1,256 |
author_reputation | 38,975,615,169,260 |
root_title | "Image Recognition With Sipeed MaiX and Arduino IDE/Micropython" |
beneficiaries | [] |
max_accepted_payout | 1,000,000.000 HBD |
percent_hbd | 10,000 |
post_id | 84,605,955 |
net_rshares | 0 |