77 datasets found
  1. DFDC Dataset

    • kaggle.com
    zip
    Updated Feb 25, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Ashifur Rahman (2024). DFDC Dataset [Dataset]. https://www.kaggle.com/datasets/ashifurrahman34/dfdc-dataset
    Explore at:
    zip(85722495 bytes)Available download formats
    Dataset updated
    Feb 25, 2024
    Authors
    Ashifur Rahman
    Description

    Dataset

    This dataset was created by Ashifur Rahman

    Contents

  2. dfdc faces of the train sample

    • kaggle.com
    zip
    Updated Mar 1, 2020
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Itamar Gilad (2020). dfdc faces of the train sample [Dataset]. https://www.kaggle.com/datasets/itamargr/dfdc-faces-of-the-train-sample
    Explore at:
    zip(3908256789 bytes)Available download formats
    Dataset updated
    Mar 1, 2020
    Authors
    Itamar Gilad
    License

    Open Database License (ODbL) v1.0https://www.opendatacommons.org/licenses/odbl/1.0/
    License information was derived automatically

    Description

    Overview

    In Deepfake Detection Challenge, many public kernel use the faces at each frame. Here there are all the faces of the tran sample plitted into training set and validation set. Each set has faces from real and fake videos

    Feel free the use this dataset to train your models in Deepfake Detection Challenge. If you find this dataset useful, please consider upvoting to it.

    Creation method

    The dataset was created by facenet_pytorch library. I used the following code to create the images from a video clip. A part of the code was taken from https://www.kaggle.com/timesler/facial-recognition-model-in-pytorch

    ` class DetectionPipeline: # Pipeline class for detecting faces in the frames of a video file.

    def _init_(self, detector=None, n_frames=None, batch_size=60, resize=None):
      """Constructor for DetectionPipeline class.
    
      Keyword Arguments:
        n_frames {int} -- Total number of frames to load. These will be evenly spaced
          throughout the video. If not specified (i.e., None), all frames will be loaded.
          (default: {None})
        batch_size {int} -- Batch size to use with MTCNN face detector. (default: {32})
        resize {float} -- Fraction by which to resize frames from original prior to face
          detection. A value less than 1 results in downsampling and a value greater than
          1 result in upsampling. (default: {None})
      """
      self.detector = detector
      if detector is None:
        device = 'cuda:0' if torch.cuda.is_available() else 'cpu'
        self.detector = MTCNN(image_size=256, margin=40, keep_all=True, factor=0.5, post_process=False, device=device).eval()
      self.n_frames = n_frames
      self.batch_size = batch_size
      self.resize = resize
    
    def _call_(self, filename):
      """Load frames from an MP4 video and detect faces.
    
      Arguments:
        filename {str} -- Path to video.
      """
      torch.cuda.empty_cache()
      faces = []
      conf = []
    
      # Create video reader and find length
      v_cap = cv2.VideoCapture(filename)
      v_len = int(v_cap.get(cv2.CAP_PROP_FRAME_COUNT))
    
      # Pick 'n_frames' evenly spaced frames to sample
      if self.n_frames is None:
        sample = np.arange(0, v_len)
      else:
        sample = np.linspace(0, v_len - 1, self.n_frames).astype(int)
    
      # Loop through frames
      frames = []
      for j in range(v_len):
        success = v_cap.grab()
        if j in sample:
          # Load frame
          success, frame = v_cap.retrieve()
          if not success:
            continue
          frame = cv2.cvtColor(frame, cv2.COLOR_BGR2RGB)
          frame = Image.fromarray(frame)
    
          # Resize frame to desired size
          if self.resize is not None:
            frame = frame.resize([int(d * self.resize) for d in frame.size])
          frames.append(frame)
    
          # When batch is full, detect faces and reset frame list
          if len(frames) % self.batch_size == 0 or j == sample[-1]:
            curr_faces, curr_conf = self.detector(frames, return_prob=True)
            faces.extend(curr_faces)
            conf.extend(curr_conf)
            frames = []
    
      v_cap.release()
    
      return faces, conf
    

    `

    ` def save_images(detection_pipeline, filename, out_path): base_name = out_path + '/' + filename.split('/')[-1].split('.')[0] faces, conf = detection_pipeline(filename) for i in range(len(faces)): if faces[i] is None: continue for j in range(len(faces[i])): if conf[i][j] < 0.9: continue out_filename = base_name + '_' + str(i) + '_' + str(j) + '.png' out_img = faces[i][j].cpu().numpy() out_img = np.transpose(out_img, axes=[1, 2, 0]) out_img = cv2.cvtColor(out_img, cv2.COLOR_RGB2BGR) cv2.imwrite(out_filename, out_img)

    `

  3. DFDC Dataset Subset - Harsh_C

    • kaggle.com
    zip
    Updated Jul 30, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Harsh Chinchakar (2024). DFDC Dataset Subset - Harsh_C [Dataset]. https://www.kaggle.com/datasets/harshchinchakar9921/dfdc-dataset-subset-harsh-c
    Explore at:
    zip(9760445294 bytes)Available download formats
    Dataset updated
    Jul 30, 2024
    Authors
    Harsh Chinchakar
    License

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

    Description

    This dataset contains a very small subset of dfdc dataset, with 2203 videos and related metadata

    Metadata columns : Index(['filename', 'video.@index', 'video.@codec_time_base', 'video.@width', 'video.@height', 'video.@sample_aspect_ratio', 'video.@display_aspect_ratio', 'video.@level', 'video.@r_frame_rate', 'video.@time_base', 'video.@duration_ts', 'video.@duration', 'video.@bit_rate', 'video.@nb_frames', 'audio.@index', 'audio.@codec_name', 'audio.@codec_long_name', 'audio.@codec_time_base', 'audio.@duration_ts', 'audio.@duration', 'audio.@bit_rate', 'audio.@max_bit_rate', 'audio.@nb_frames', 'label', 'split', 'original', 'folder', 'wav.hash.cnt', 'original.cnt', 'md5', 'md5.orig', 'wav.hash', 'wav.hash.orig', 'pxl.hash', 'pxl.hash.orig'], dtype='object')

  4. h

    dfdc

    • huggingface.co
    Updated Nov 19, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    DFB (2025). dfdc [Dataset]. https://huggingface.co/datasets/dfb-data/dfdc
    Explore at:
    Dataset updated
    Nov 19, 2025
    Dataset authored and provided by
    DFB
    Description

    dfb-data/dfdc dataset hosted on Hugging Face and contributed by the HF Datasets community

  5. t

    Brian Dolhansky, Joanna Bitton, Ben Pflaum, Jikuo Lu, Russ Howes, Menglin...

    • service.tib.eu
    Updated Dec 16, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2024). Brian Dolhansky, Joanna Bitton, Ben Pflaum, Jikuo Lu, Russ Howes, Menglin Wang, Cristian Canton Ferrer (2024). Dataset: DFDC Preview. https://doi.org/10.57702/j95r0shx [Dataset]. https://service.tib.eu/ldmservice/dataset/dfdc-preview
    Explore at:
    Dataset updated
    Dec 16, 2024
    Description

    A dataset for deepfake detection challenge.

  6. h

    dfdc-faces

    • huggingface.co
    Updated Nov 19, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    DFB (2025). dfdc-faces [Dataset]. https://huggingface.co/datasets/dfb-data/dfdc-faces
    Explore at:
    Dataset updated
    Nov 19, 2025
    Dataset authored and provided by
    DFB
    Description

    dfb-data/dfdc-faces dataset hosted on Hugging Face and contributed by the HF Datasets community

  7. h

    dfdc

    • huggingface.co
    Updated May 11, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Laode Alif (2025). dfdc [Dataset]. https://huggingface.co/datasets/laodeAlif/dfdc
    Explore at:
    Dataset updated
    May 11, 2025
    Authors
    Laode Alif
    Description

    laodeAlif/dfdc dataset hosted on Hugging Face and contributed by the HF Datasets community

  8. f

    Comparison of model performance on the DFDC dataset.

    • plos.figshare.com
    xls
    Updated Oct 10, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Yuanqing Ding; Fanliang Bu; Hanming Zhai; Zhiwen Hou; Yifan Wang (2024). Comparison of model performance on the DFDC dataset. [Dataset]. http://doi.org/10.1371/journal.pone.0311720.t003
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Oct 10, 2024
    Dataset provided by
    PLOS ONE
    Authors
    Yuanqing Ding; Fanliang Bu; Hanming Zhai; Zhiwen Hou; Yifan Wang
    License

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

    Description

    Comparison of model performance on the DFDC dataset.

  9. t

    Aagam Bakliwal, Amit D. Joshi (2024). Dataset: DFDC dataset....

    • service.tib.eu
    Updated Dec 2, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2024). Aagam Bakliwal, Amit D. Joshi (2024). Dataset: DFDC dataset. https://doi.org/10.57702/5w8fjp3v [Dataset]. https://service.tib.eu/ldmservice/dataset/dfdc-dataset
    Explore at:
    Dataset updated
    Dec 2, 2024
    Description

    The DFDC dataset, which was specifically released for a corresponding Kaggle competition.

  10. DFDC video face crops - parts 4-8

    • kaggle.com
    zip
    Updated Mar 15, 2020
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Anil Thomas (2020). DFDC video face crops - parts 4-8 [Dataset]. https://www.kaggle.com/anlthms/dfdc-video-faces
    Explore at:
    zip(2048914695 bytes)Available download formats
    Dataset updated
    Mar 15, 2020
    Authors
    Anil Thomas
    Description

    Content

    Motion stabilized faces from the DFDC dataset

    Please see this thread for more information on this dataset.

  11. DFDC Testing Image Dataset

    • kaggle.com
    zip
    Updated Oct 20, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Debajyati Dey (2025). DFDC Testing Image Dataset [Dataset]. https://www.kaggle.com/datasets/debajyatidey/dfdc-testing-image-dataset/code
    Explore at:
    zip(222092354 bytes)Available download formats
    Dataset updated
    Oct 20, 2025
    Authors
    Debajyati Dey
    License

    Open Database License (ODbL) v1.0https://www.opendatacommons.org/licenses/odbl/1.0/
    License information was derived automatically

    Description

    Overview

    In Deepfake Detection Challenge, many public notebooks use the faces at equidistant frames of the videos. Here are all the faces of the test sample.

    Feel free to use this dataset to test your models in Deepfake Detection Challenge. If you find this dataset useful, please consider upvoting it.

    Creation Method

    The videos were first used to extract keyframes(limited to Max 20 frames from each video) from them, and then the faces were detected and cropped from the extracted frames with the highest confidence (>= 95%) value.

    The notebook used to create the image dataset from video samples can be found here

  12. t

    Deng Lin, Deng Lin, Deng Lin, Deng Lin, Deng Lin (2025). Dataset: Deepfake...

    • service.tib.eu
    Updated Jan 2, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2025). Deng Lin, Deng Lin, Deng Lin, Deng Lin, Deng Lin (2025). Dataset: Deepfake Detection Dataset. https://doi.org/10.57702/0j061m4c [Dataset]. https://service.tib.eu/ldmservice/dataset/deepfake-detection-dataset
    Explore at:
    Dataset updated
    Jan 2, 2025
    Description

    The DFDC dataset contains 100,000 images of faces manipulated using Deepfakes.

  13. all-dfdc-labels

    • kaggle.com
    zip
    Updated Aug 26, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Wahab Arabo (2024). all-dfdc-labels [Dataset]. https://www.kaggle.com/datasets/wahabarabo/all-dfdc-labels
    Explore at:
    zip(1309194 bytes)Available download formats
    Dataset updated
    Aug 26, 2024
    Authors
    Wahab Arabo
    Description

    Dataset

    This dataset was created by Wahab Arabo

    Contents

  14. DFDC dataset

    • kaggle.com
    zip
    Updated Aug 14, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Fakecatcher AI (2024). DFDC dataset [Dataset]. https://www.kaggle.com/datasets/fakecatcherai/dfdc-dataset/code
    Explore at:
    zip(963723203 bytes)Available download formats
    Dataset updated
    Aug 14, 2024
    Authors
    Fakecatcher AI
    License

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

    Description

    Dataset

    This dataset was created by Fakecatcher AI

    Released under CC0: Public Domain

    Contents

  15. Ablation expriments.

    • plos.figshare.com
    xls
    Updated Oct 10, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Yuanqing Ding; Fanliang Bu; Hanming Zhai; Zhiwen Hou; Yifan Wang (2024). Ablation expriments. [Dataset]. http://doi.org/10.1371/journal.pone.0311720.t007
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Oct 10, 2024
    Dataset provided by
    PLOShttp://plos.org/
    Authors
    Yuanqing Ding; Fanliang Bu; Hanming Zhai; Zhiwen Hou; Yifan Wang
    License

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

    Description

    Comparison between different combinations of Mixformer. The results in the table are test with the DFDC dataset (in %).

  16. Performance comparison (precision, recall, and F1-score) of deepfake...

    • plos.figshare.com
    xls
    Updated Nov 14, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Srijana Yadav; S. Sudheer Mangalampalli (2025). Performance comparison (precision, recall, and F1-score) of deepfake detection models on DFDC and FaceForensics++ (FF++) datasets. [Dataset]. http://doi.org/10.1371/journal.pone.0334980.t006
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Nov 14, 2025
    Dataset provided by
    PLOShttp://plos.org/
    Authors
    Srijana Yadav; S. Sudheer Mangalampalli
    License

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

    Description

    Performance comparison (precision, recall, and F1-score) of deepfake detection models on DFDC and FaceForensics++ (FF++) datasets.

  17. dfdc_part_18

    • kaggle.com
    zip
    Updated Mar 18, 2020
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    GreatGameDota (2020). dfdc_part_18 [Dataset]. https://www.kaggle.com/greatgamedota/dfdc-part-18
    Explore at:
    zip(165841808 bytes)Available download formats
    Dataset updated
    Mar 18, 2020
    Authors
    GreatGameDota
    Description

    150x150 face images from some frames from every video in part 18 of Deepfake Detection train data set. Specifically 10 frames evenly taken from all parts of every video.

  18. Ablation study: AUC and F1-score comparison on DFDC and FF++.

    • plos.figshare.com
    • figshare.com
    xls
    Updated Nov 14, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Srijana Yadav; S. Sudheer Mangalampalli (2025). Ablation study: AUC and F1-score comparison on DFDC and FF++. [Dataset]. http://doi.org/10.1371/journal.pone.0334980.t009
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Nov 14, 2025
    Dataset provided by
    PLOShttp://plos.org/
    Authors
    Srijana Yadav; S. Sudheer Mangalampalli
    License

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

    Description

    Ablation study: AUC and F1-score comparison on DFDC and FF++.

  19. D

    Drive Force Distribution Controller Report

    • archivemarketresearch.com
    doc, pdf, ppt
    Updated Apr 2, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Archive Market Research (2025). Drive Force Distribution Controller Report [Dataset]. https://www.archivemarketresearch.com/reports/drive-force-distribution-controller-113858
    Explore at:
    pdf, ppt, docAvailable download formats
    Dataset updated
    Apr 2, 2025
    Dataset authored and provided by
    Archive Market Research
    License

    https://www.archivemarketresearch.com/privacy-policyhttps://www.archivemarketresearch.com/privacy-policy

    Time period covered
    2025 - 2033
    Area covered
    Global
    Variables measured
    Market Size
    Description

    The global Drive Force Distribution Controller (DFDC) market is booming, projected to reach $7.2 billion by 2033 at a CAGR of 12%. Discover key market trends, leading players (Bosch, Continental, ZF), regional analysis, and growth drivers shaping this exciting automotive technology sector. Learn more about the impact of ADAS and electric vehicles on DFDC market growth.

  20. The 3Body Dataset

    • kaggle.com
    zip
    Updated Nov 16, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Ameen Aslam (2024). The 3Body Dataset [Dataset]. https://www.kaggle.com/datasets/ameencaslam/three-body-dataset/versions/2
    Explore at:
    zip(6008464900 bytes)Available download formats
    Dataset updated
    Nov 16, 2024
    Authors
    Ameen Aslam
    License

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

    Description

    A dataset for deepfake detection containing real and fake videos from multiple sources (DFDC, FF++, CelebDF-V2). There are two folders, the folder 'fake' contains the manipulated videos and the folder 'real' contains the original unmanipulated videos. 600 videos in each folder of which 200 comes from each of 3 datasets, and are taken at random.

Share
FacebookFacebook
TwitterTwitter
Email
Click to copy link
Link copied
Close
Cite
Ashifur Rahman (2024). DFDC Dataset [Dataset]. https://www.kaggle.com/datasets/ashifurrahman34/dfdc-dataset
Organization logo

DFDC Dataset

Explore at:
zip(85722495 bytes)Available download formats
Dataset updated
Feb 25, 2024
Authors
Ashifur Rahman
Description

Dataset

This dataset was created by Ashifur Rahman

Contents

Search
Clear search
Close search
Google apps
Main menu