41 datasets found
  1. Google Landmarks Dataset v2

    • github.com
    • paperswithcode.com
    • +2more
    Updated Sep 27, 2019
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Google (2019). Google Landmarks Dataset v2 [Dataset]. https://github.com/cvdfoundation/google-landmark
    Explore at:
    Dataset updated
    Sep 27, 2019
    Dataset provided by
    Googlehttp://google.com/
    License

    Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
    License information was derived automatically

    Description

    This is the second version of the Google Landmarks dataset (GLDv2), which contains images annotated with labels representing human-made and natural landmarks. The dataset can be used for landmark recognition and retrieval experiments. This version of the dataset contains approximately 5 million images, split into 3 sets of images: train, index and test. The dataset was presented in our CVPR'20 paper. In this repository, we present download links for all dataset files and relevant code for metric computation. This dataset was associated to two Kaggle challenges, on landmark recognition and landmark retrieval. Results were discussed as part of a CVPR'19 workshop. In this repository, we also provide scores for the top 10 teams in the challenges, based on the latest ground-truth version. Please visit the challenge and workshop webpages for more details on the data, tasks and technical solutions from top teams.

  2. Google Landmark Detection 2021 model

    • kaggle.com
    Updated Sep 2, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Barteksv12 (2021). Google Landmark Detection 2021 model [Dataset]. https://www.kaggle.com/barteksadlej123/google-landmark-detection-2021-model/code
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Sep 2, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Barteksv12
    Description

    Dataset

    This dataset was created by Bartek Sadlej

    Contents

  3. h

    GLDv2_Top_51_Categories

    • huggingface.co
    Updated May 21, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Pedro Melendez (2023). GLDv2_Top_51_Categories [Dataset]. https://huggingface.co/datasets/pemujo/GLDv2_Top_51_Categories
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    May 21, 2023
    Authors
    Pedro Melendez
    Description

    Dataset Card for Dataset Name

      Dataset Summary
    

    This dataset is a subset of Kaggle's Google Landmark Recognition 2021 competition with only the categories with more than 500 images. https://www.kaggle.com/competitions/landmark-recognition-2021/data The dataset consists of a total of 45579 224x224 color images in 51 categories.

      Languages
    

    English

      Dataset Structure
    
    
    
    
    
      Data Fields
    

    landmark_id: Int - Numeric identifier of the category category :… See the full description on the dataset page: https://huggingface.co/datasets/pemujo/GLDv2_Top_51_Categories.

  4. Facial Key Point Detection Dataset

    • kaggle.com
    Updated Dec 25, 2020
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Prashant Arora (2020). Facial Key Point Detection Dataset [Dataset]. https://www.kaggle.com/prashantarorat/facial-key-point-data/code
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Dec 25, 2020
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Prashant Arora
    Description

    About

    Few days ago i was thinking to start some new project but couldn't find one that looks a bit exciting to me. So , then i found about facial landmarks , then i started to found some datasets for it . There were many datasets , but Flickr Dataset came out to be the best out of them with 70,000 images having 68 landmarks coefficients and as the size shows the data was a big too around 900 GB , so i decided to form a smaller version of it so that we are able to atleast work on such task. So i created this dataset.

    The objective of creating this dataset is to predict keypoint positions on face images. This can be used as a building block in several applications, such as:

    1. tracking faces in images and video
    2. analysing facial expressions
    3. detecting dysmorphic facial signs for medical diagnosis
    4. biometrics / face recognition

    Detecing facial keypoints is a very challenging problem. Facial features vary greatly from one individual to another, and even for a single individual, there is a large amount of variation due to 3D pose, size, position, viewing angle, and illumination conditions. Computer vision research has come a long way in addressing these difficulties, but there remain many opportunities for improvement.

    Some Sample images

    https://www.googleapis.com/download/storage/v1/b/kaggle-user-content/o/inbox%2F2137176%2Fdb17e16db7aefd0848ca3acd99001262%2Fdownload.png?generation=1608374055920310&alt=media"> https://www.googleapis.com/download/storage/v1/b/kaggle-user-content/o/inbox%2F2137176%2Fdfa119b710b9edb47f0f6b2326b4cbdd%2Fdownload_1.png?generation=1608374048827571&alt=media">

    Actual Dataset can be seen at https://github.com/NVlabs/ffhq-dataset

    Content

    This dataset contains 6000 records in two files : 1. A json file having below format {'face_landmarks': [[191.5, 617.5],[210.5, 717.5], ...............], 'file_name': '00000.png'}

    1. images folder , having the same names as provided in json file, cropped

    Licenses

    The individual images were published in Flickr by their respective authors under either Creative Commons BY 2.0, Creative Commons BY-NC 2.0, Public Domain Mark 1.0, Public Domain CC0 1.0, or U.S. Government Works license. All of these licenses allow free use, redistribution, and adaptation for non-commercial purposes. However, some of them require giving appropriate credit to the original author, as well as indicating any changes that were made to the images. The license and original author of each image are indicated in the metadata.

    https://creativecommons.org/licenses/by/2.0/ https://creativecommons.org/licenses/by-nc/2.0/ https://creativecommons.org/publicdomain/mark/1.0/ https://creativecommons.org/publicdomain/zero/1.0/ http://www.usa.gov/copyright.shtml The dataset itself (including JSON metadata, download script, and documentation) is made available under Creative Commons BY-NC-SA 4.0 license by NVIDIA Corporation. You can use, redistribute, and adapt it for non-commercial purposes, as long as you (a) give appropriate credit by citing our paper, (b) indicate any changes that you've made, and (c) distribute any derivative works under the same license.

    https://creativecommons.org/licenses/by-nc-sa/4.0/

    News Regarding Updates

    Its takes a lot of time and resources to generate this dataset in one run. So , i need to run it multiple times generating different subsets ,hence it takes a lot of time to complete it. Date : 19/12/2020 Currently it has 6000 images and respective metadata. Date : 19/12/2020 Currently it has 10000 images and respective metadata. Date : 23/12/2020 updated correctly it has 5000 images and respective metadata.

  5. Google Landmark Recognition 2020 Temp

    • kaggle.com
    Updated Jun 6, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Mark Wijkhuizen (2023). Google Landmark Recognition 2020 Temp [Dataset]. https://www.kaggle.com/datasets/markwijkhuizen/google-landmark-recognition-2020-temp/data
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Jun 6, 2023
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Mark Wijkhuizen
    Description

    Dataset

    This dataset was created by Mark Wijkhuizen

    Contents

  6. landmark-recognition-512-8

    • kaggle.com
    Updated Sep 24, 2020
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Manoj Prabhakar (2020). landmark-recognition-512-8 [Dataset]. https://www.kaggle.com/datasets/manojprabhaakr/landmark-recognition-512-8
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Sep 24, 2020
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Manoj Prabhakar
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Dataset

    This dataset was created by Manoj Prabhakar

    Released under CC0: Public Domain

    Contents

  7. landmark-recognition-512-7

    • kaggle.com
    Updated Sep 24, 2020
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Manoj Prabhakar (2020). landmark-recognition-512-7 [Dataset]. https://www.kaggle.com/datasets/manojprabhaakr/landmark-recognition-512-7/data
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Sep 24, 2020
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Manoj Prabhakar
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Dataset

    This dataset was created by Manoj Prabhakar

    Released under CC0: Public Domain

    Contents

  8. Landmark Recognition 2021 - test data

    • kaggle.com
    Updated Sep 24, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Mark Babayev (2021). Landmark Recognition 2021 - test data [Dataset]. https://www.kaggle.com/markbquant/landmark-recognition-2021-test-dataset/discussion
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Sep 24, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Mark Babayev
    License

    http://www.gnu.org/licenses/lgpl-3.0.htmlhttp://www.gnu.org/licenses/lgpl-3.0.html

    Description

    Create dataset

    global_test_dataset = tf.keras.preprocessing.image_dataset_from_directory(BASE_DIR+'/test', label_mode=None, shuffle=False, batch_size=1, image_size=(224, 224))
    filepath = [x[:-4] for x in map(os.path.basename, global_test_dataset.file_paths)]
    filepath_ds = tf.data.Dataset.from_tensor_slices(filepath)
    dev_test_dataset = tf.data.Dataset.zip((global_test_dataset.unbatch(), filepath_ds))
    global_test_dataset_size = len(filepath)
    print('test images: ', global_test_dataset_size)
    
    with tf.io.TFRecordWriter('landmark-recognition-2021-test.tfrec') as file_writer:
      for img, path in tqdm(dev_test_dataset.as_numpy_iterator(), total=global_test_dataset_size):
        img = tf.cast(tf.image.resize(img, [224, 224], method='nearest'), 'uint8')
        img_jpeg = tf.io.encode_jpeg(img, quality=70, optimize_size=True).numpy()
        record_bytes = tf.train.Example(features=tf.train.Features(feature={
          'image': tf.train.Feature(bytes_list=tf.train.BytesList(value=[img_jpeg])),
          'id': tf.train.Feature(bytes_list=tf.train.BytesList(value=[path])),
        })).SerializeToString()
        file_writer.write(record_bytes)
    

    Load dataset

    def decode_tfrecord(record_bytes):
      features = tf.io.parse_single_example(record_bytes, {
        'image': tf.io.FixedLenFeature([], tf.string), 
        'id': tf.io.FixedLenFeature([], tf.string)
      })
      img = tf.io.decode_jpeg(features['image'])
      img = tf.reshape(img, [224, 224, 3])
      return {'image': img, 'id': features['id']}
    
    
    FNAMES_TRAIN_TFRECORDS = np.sort(tf.io.gfile.glob(BASE_DIR+'/landmark-recognition-2021-test.tfrec'))
    global_train_ds = tf.data.TFRecordDataset(FNAMES_TRAIN_TFRECORDS, num_parallel_reads=None)
    global_train_ds = global_train_ds.map(decode_tfrecord, num_parallel_calls=AUTO)
    
  9. h

    hagrid-mediapipe-hands

    • huggingface.co
    Updated May 26, 2023
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Vincent Luo (2023). hagrid-mediapipe-hands [Dataset]. https://huggingface.co/datasets/Vincent-luo/hagrid-mediapipe-hands
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    May 26, 2023
    Authors
    Vincent Luo
    Description

    Dataset Card for "hagrid-mediapipe-hands"

    This dataset is designed to train a ControlNet with human hands. It includes hand landmarks detected by MediaPipe(for more information refer to: https://developers.google.com/mediapipe/solutions/vision/hand_landmarker). The source image data is from HaGRID dataset and we use a modified version from Kaggle(https://www.kaggle.com/datasets/innominate817/hagrid-classification-512p) to build this dataset. There are 507050 data samples in total… See the full description on the dataset page: https://huggingface.co/datasets/Vincent-luo/hagrid-mediapipe-hands.

  10. landmark-recognition-nonlandmark-npy

    • kaggle.com
    Updated Aug 29, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    kaggler (2021). landmark-recognition-nonlandmark-npy [Dataset]. https://www.kaggle.com/datasets/deepkim/landmark-recognition-nonlandmark-npy/code
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Aug 29, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    kaggler
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Dataset

    This dataset was created by kaggler

    Released under CC0: Public Domain

    Contents

  11. landmark-recognition-512-10

    • kaggle.com
    zip
    Updated Sep 25, 2020
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Manoj Prabhakar (2020). landmark-recognition-512-10 [Dataset]. https://www.kaggle.com/manojprabhaakr/landmark-recognition-512-10
    Explore at:
    zip(23789203429 bytes)Available download formats
    Dataset updated
    Sep 25, 2020
    Authors
    Manoj Prabhakar
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Dataset

    This dataset was created by Manoj Prabhakar

    Released under CC0: Public Domain

    Contents

  12. landmark-recognition-2021-tfrecords-fold0

    • kaggle.com
    Updated Aug 19, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    KS (2021). landmark-recognition-2021-tfrecords-fold0 [Dataset]. https://www.kaggle.com/datasets/ks2019/landmark-recognition-2021-tfrecords-fold0/versions/3
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Aug 19, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    KS
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Dataset

    This dataset was created by Kumar Shubham

    Released under CC0: Public Domain

    Contents

  13. landmark-recognition-2021-tfrecords-224

    • kaggle.com
    zip
    Updated Sep 23, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    taroo (2021). landmark-recognition-2021-tfrecords-224 [Dataset]. https://www.kaggle.com/datasets/taro37/landmark-recognition-2021-tfrecords-224
    Explore at:
    zip(81168113352 bytes)Available download formats
    Dataset updated
    Sep 23, 2021
    Authors
    taroo
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Dataset

    This dataset was created by taroo

    Released under CC0: Public Domain

    Contents

  14. landmark-recognition-2019-resized-256

    • kaggle.com
    Updated Jun 9, 2019
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    James Dietle (2019). landmark-recognition-2019-resized-256 [Dataset]. https://www.kaggle.com/datasets/mindtrinket/landmarkrecognition2019resized256/data
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Jun 9, 2019
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    James Dietle
    Description

    Dataset

    This dataset was created by James Dietle

    Contents

  15. Google Landmark Recognition 2021 Extra Data TFRecs

    • kaggle.com
    Updated Aug 27, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Mark Wijkhuizen (2021). Google Landmark Recognition 2021 Extra Data TFRecs [Dataset]. https://www.kaggle.com/markwijkhuizen/google-landmark-recognition-2021-extra-data-tfrecs/tasks
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Aug 27, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Mark Wijkhuizen
    Description

    Dataset

    This dataset was created by Mark Wijkhuizen

    Contents

  16. Landmark Recognition 2021 TFRecords 384 Part 2

    • kaggle.com
    Updated Aug 18, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Mark Wijkhuizen (2021). Landmark Recognition 2021 TFRecords 384 Part 2 [Dataset]. https://www.kaggle.com/datasets/markwijkhuizen/landmark-recognition-2021-tfrecords-384-part-2
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Aug 18, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Mark Wijkhuizen
    Description

    Dataset

    This dataset was created by Mark Wijkhuizen

    Contents

  17. landmark-recognition-2021-tfrecords-fold3

    • kaggle.com
    Updated Sep 23, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Saurav Joshi (2021). landmark-recognition-2021-tfrecords-fold3 [Dataset]. https://www.kaggle.com/datasets/sauravjoshi23/landmark-recognition-2021-tfrecords-fold3/suggestions
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Sep 23, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Saurav Joshi
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Dataset

    This dataset was created by Saurav Joshi

    Released under CC0: Public Domain

    Contents

  18. landmark-recognition-2021-tfrecords-validation

    • kaggle.com
    Updated Sep 11, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    KS (2021). landmark-recognition-2021-tfrecords-validation [Dataset]. https://www.kaggle.com/datasets/ks2019/landmark-recognition-2021-tfrecords-validation
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Sep 11, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    KS
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Dataset

    This dataset was created by Kumar Shubham

    Released under CC0: Public Domain

    Contents

  19. Landmark id to class id

    • kaggle.com
    Updated Sep 5, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Inet Yoshi (2021). Landmark id to class id [Dataset]. https://www.kaggle.com/datasets/inetyoshi/landmark-id-to-class-id/data
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Sep 5, 2021
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Inet Yoshi
    Description

    Dataset

    This dataset was created by Inet Yoshi

    Released under Data files © Original Authors

    Contents

  20. Dog and Cat Face Detection

    • kaggle.com
    Updated May 7, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Vlad Smirnov (2025). Dog and Cat Face Detection [Dataset]. https://www.kaggle.com/datasets/vladsmirno/petfacedetection
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    May 7, 2025
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Vlad Smirnov
    License

    Apache License, v2.0https://www.apache.org/licenses/LICENSE-2.0
    License information was derived automatically

    Description

    The dataset contains markings for pets' faces - dogs and cats. It contains bounding boxes and coordinates of eyes and nose. This dataset will be useful for applications that require finding an animal's face and aligning it with key points.

    Wild data collected from petfinder and similar services

    The training set contains data from the COCO dataset without pets in order to reduce false positives on examples that do not contain animals.

    The dataset contains 25 thousand photos of animals.

    The data was marked up with the help of grandingdino and manually filtered.

    All markup in yolo format

    https://www.googleapis.com/download/storage/v1/b/kaggle-user-content/o/inbox%2F2474522%2Fca04ece69a92e7c28b12eea8c58c4224%2Fval_batch0_labels.jpg?generation=1746616983571796&alt=media" alt="">

Share
FacebookFacebook
TwitterTwitter
Email
Click to copy link
Link copied
Close
Cite
Google (2019). Google Landmarks Dataset v2 [Dataset]. https://github.com/cvdfoundation/google-landmark
Organization logo

Google Landmarks Dataset v2

Explore at:
279 scholarly articles cite this dataset (View in Google Scholar)
Dataset updated
Sep 27, 2019
Dataset provided by
Googlehttp://google.com/
License

Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
License information was derived automatically

Description

This is the second version of the Google Landmarks dataset (GLDv2), which contains images annotated with labels representing human-made and natural landmarks. The dataset can be used for landmark recognition and retrieval experiments. This version of the dataset contains approximately 5 million images, split into 3 sets of images: train, index and test. The dataset was presented in our CVPR'20 paper. In this repository, we present download links for all dataset files and relevant code for metric computation. This dataset was associated to two Kaggle challenges, on landmark recognition and landmark retrieval. Results were discussed as part of a CVPR'19 workshop. In this repository, we also provide scores for the top 10 teams in the challenges, based on the latest ground-truth version. Please visit the challenge and workshop webpages for more details on the data, tasks and technical solutions from top teams.

Search
Clear search
Close search
Google apps
Main menu