andandandand commited on
Commit
3cfccbc
·
verified ·
1 Parent(s): 88f54d4

Upload README.md with huggingface_hub

Browse files
Files changed (1) hide show
  1. README.md +79 -115
README.md CHANGED
@@ -12,11 +12,13 @@ tags:
12
  - fiftyone
13
  - image
14
  - image-classification
15
- - transfer-learning
16
- - vgg16
17
- - binary-classification
18
- - portuguese-water-dog
19
- dataset_summary: 'This is a [FiftyOne](https://github.com/voxel51/fiftyone) dataset with 169 samples for binary classification of Bo (Barack Obama''s Portuguese Water Dog) vs other pets. The dataset demonstrates transfer learning using a pre-trained VGG16 model adapted for this specific classification task.
 
 
20
 
21
 
22
  ## Installation
@@ -60,9 +62,13 @@ dataset_summary: 'This is a [FiftyOne](https://github.com/voxel51/fiftyone) data
60
 
61
  # Dataset Card for bo-dataset
62
 
63
- This is a [FiftyOne](https://github.com/voxel51/fiftyone) dataset with 169 samples for binary classification of Bo (Barack Obama's Portuguese Water Dog) vs other pets. The dataset demonstrates transfer learning using a pre-trained VGG16 model adapted for this specific classification task.
 
 
 
 
64
 
65
- ![](bo_dataset.png)
66
 
67
  ## Installation
68
 
@@ -72,8 +78,6 @@ If you haven't already, install FiftyOne:
72
  pip install -U fiftyone
73
  ```
74
 
75
-
76
-
77
  ## Usage
78
 
79
  ```python
@@ -88,175 +92,135 @@ dataset = load_from_hub("andandandand/bo_or_not")
88
  session = fo.launch_app(dataset)
89
  ```
90
 
 
91
  ## Dataset Details
92
 
93
  ### Dataset Description
94
 
95
- This dataset contains images for a binary classification task designed to distinguish Bo, Barack Obama's Portuguese Water Dog, from other pets (cats and dogs). The dataset was created to explore transfer learning techniques using a pre-trained VGG16 model. Bo was the Obama family's pet during their time in the White House, and this dataset simulates a computer vision system that the Secret Service might have used to automatically recognize him.
 
96
 
97
- The dataset includes both original images and augmented versions created through various transformations including affine transforms, elastic deformations, perspective changes, and color adjustments to improve model generalization.
98
 
99
- - **Curated by:** Educational project demonstrating transfer learning and computer vision techniques
 
 
100
  - **Language(s) (NLP):** en
101
  - **License:** mit
102
- - **Task:** Binary image classification (Bo vs Not Bo)
103
- - **Model Architecture:** VGG16 with modified classifier layers
104
- - **Total Samples:** 169 images
105
 
106
- ### Dataset Sources
107
 
108
- - **Repository:** Part of practical computer vision educational materials
109
- - **Base Model:** VGG16 pre-trained on ImageNet
110
- - **Original Data Source:** [Presidential Doggy Door - Kaggle Dataset](https://www.kaggle.com/datasets/drvnmanju/presidential-doggy-door)
111
- - **Additional Access:** Google Drive collection of Bo images and other pet images
 
112
 
113
  ## Uses
114
 
 
 
115
  ### Direct Use
116
 
117
- This dataset is primarily intended for:
118
- - **Educational purposes**: Learning transfer learning concepts and binary classification
119
- - **Computer vision research**: Exploring fine-tuning techniques with pre-trained models
120
- - **FiftyOne demonstrations**: Showcasing dataset management, visualization, and model evaluation capabilities
121
- - **Binary classification experiments**: Testing different architectures and hyperparameters
122
 
123
- ### Out-of-Scope Use
124
 
125
- This dataset should not be used for:
126
- - **Production pet identification systems**: The dataset is too small and specific for robust real-world applications
127
- - **General dog breed classification**: Limited to distinguishing one specific dog from other pets
128
- - **Commercial applications**: Dataset size and scope are insufficient for commercial deployment
129
- - **Sensitive security applications**: This is a demonstration dataset, not suitable for actual security systems
130
 
131
- ## Dataset Structure
132
 
133
- The dataset is organized with the following structure:
134
 
135
- - **Classes**: 2 classes
136
- - `bo`: Images of Bo (Barack Obama's Portuguese Water Dog)
137
- - `not_bo`: Images of other pets (cats and dogs)
138
- - **Splits**:
139
- - Training: ~50% of training/validation data
140
- - Validation: ~50% of training/validation data
141
- - Test: Independent test set
142
- - **Image Format**: RGB images
143
- - **Preprocessing**: Images are resized to 224x224 pixels with ImageNet normalization
144
- - **Augmentations**: Training data includes affine transforms, elastic deformations, perspective changes, brightness/contrast adjustments, and horizontal flips
145
 
146
- ### Sample Distribution
147
 
148
- The dataset contains samples tagged with:
149
- - `train`: Training samples
150
- - `validation`: Validation samples
151
- - `test`: Test samples
152
- - `original`: Original unaugmented images
153
- - `augmented`: Augmented training samples
154
 
155
  ## Dataset Creation
156
 
157
  ### Curation Rationale
158
 
159
- This dataset was created as an educational tool to demonstrate:
160
- 1. **Transfer Learning**: How to adapt a pre-trained model (VGG16) for a new classification task
161
- 2. **Binary Classification**: Implementing a specific classification problem with practical relevance
162
- 3. **Data Augmentation**: Techniques to improve model generalization with limited data
163
- 4. **FiftyOne Integration**: Dataset management, visualization, and evaluation workflows
164
- 5. **Model Evaluation**: Comprehensive assessment including confusion matrices and classification reports
165
 
166
  ### Source Data
167
 
 
 
168
  #### Data Collection and Processing
169
 
170
- The source data consists of:
171
- - **Bo Images**: Photographs of Bo, Barack Obama's Portuguese Water Dog, a Portuguese Water Dog breed
172
- - **Other Pet Images**: Collection of cats and dogs labeled as `not_bo`
173
- - **Original Source**: [Presidential Doggy Door dataset on Kaggle](https://www.kaggle.com/datasets/drvnmanju/presidential-doggy-door)
174
 
175
- Processing steps included:
176
- 1. **Image standardization**: All images converted to RGB format
177
- 2. **Augmentation**: Training images enhanced with geometric and photometric transformations
178
- 3. **Normalization**: ImageNet mean and standard deviation applied for VGG16 compatibility
179
- 4. **Quality control**: Manual verification of labels and image quality
180
 
181
  #### Who are the source data producers?
182
 
183
- The source data appears to be curated from publicly available images, with Bo's images likely sourced from official White House photography and news media coverage during the Obama administration.
 
 
184
 
185
- ### Annotations
 
 
186
 
187
  #### Annotation process
188
 
189
- Images were manually labeled into two categories:
190
- - `bo`: Images containing Bo, the Portuguese Water Dog
191
- - `not_bo`: Images containing other pets (cats and various dog breeds)
192
 
193
- The annotation process focused on creating a balanced binary classification task suitable for transfer learning demonstrations.
194
 
195
  #### Who are the annotators?
196
 
197
- Annotations were created as part of the educational project development, with manual labeling to ensure accuracy for the binary classification task.
198
-
199
- ## Technical Implementation
200
 
201
- ### Model Architecture
202
 
203
- - **Base Model**: VGG16 pre-trained on ImageNet with final layers being retrained
204
- - **Modifications**:
205
- - Frozen convolutional layers (feature extraction)
206
- - Custom classifier: Linear(25088 → 4096) → ReLU → Linear(4096 → 1)
207
- - **Loss Function**: Binary Cross Entropy with Logits
208
- - **Optimizer**: Adam (lr=0.003, betas=(0.9, 0.999))
209
- - **Training Epochs**: 10 epochs with early stopping
210
 
211
- ### Performance Metrics
212
 
213
- The model evaluation includes:
214
- - **Loss tracking**: Training and validation loss curves
215
- - **Classification report**: Precision, recall, F1-score for both classes
216
- - **Confusion matrix**: Visual representation of classification performance
217
- - **Confidence scores**: Probability estimates for each prediction
218
 
219
  ## Bias, Risks, and Limitations
220
 
221
- ### Technical Limitations
222
 
223
- - **Small dataset size**: 169 samples may not capture full variability
224
- - **Limited breed diversity**: Focus on one specific dog vs. general "other pets"
225
- - **Domain specificity**: Trained specifically for Bo recognition, not generalizable to other Portuguese Water Dogs
226
- - **Image quality dependency**: Performance may vary with different lighting, angles, or image quality
227
 
228
- ### Potential Biases
229
 
230
- - **Breed bias**: Model may learn Portuguese Water Dog features rather than Bo-specific characteristics
231
- - **Environmental bias**: Training images may reflect specific environments or photography conditions
232
- - **Size bias**: Limited sample size may not represent full range of poses, ages, or conditions
233
 
234
- ### Recommendations
 
 
 
 
 
 
 
 
 
 
235
 
236
- Users should be aware that:
237
- 1. **This is a demonstration dataset**: Not suitable for production applications
238
- 2. **Limited generalization**: Results may not transfer to other similar classification tasks
239
- 3. **Educational focus**: Primary value is in learning transfer learning concepts
240
- 4. **Expansion needed**: Real-world applications would require significantly more diverse data
241
 
242
- ## Citation
243
 
244
- If you use this dataset in your research or educational projects, please acknowledge its educational purpose and the demonstration of transfer learning techniques with VGG16 and FiftyOne.
245
 
246
- ## More Information
247
 
248
- This dataset is part of practical computer vision educational materials demonstrating:
249
- - Transfer learning with PyTorch and torchvision
250
- - FiftyOne dataset management and visualization
251
- - Binary classification model development and evaluation
252
- - Data augmentation techniques for improving model performance
253
 
254
- For more details on the implementation, see the accompanying Jupyter notebook which provides step-by-step explanations of the transfer learning process, model architecture modifications, and evaluation techniques.
255
 
256
- ## Dataset Card Authors
257
 
258
- Created as part of practical computer vision educational materials focusing on transfer learning and binary classification techniques.
259
 
260
  ## Dataset Card Contact
261
 
262
- For questions about this educational dataset, refer to the practical computer vision course materials or the accompanying implementation notebook.
 
12
  - fiftyone
13
  - image
14
  - image-classification
15
+ overwrite: true
16
+ dataset_summary: '
17
+
18
+
19
+
20
+
21
+ This is a [FiftyOne](https://github.com/voxel51/fiftyone) dataset with 169 samples.
22
 
23
 
24
  ## Installation
 
62
 
63
  # Dataset Card for bo-dataset
64
 
65
+ <!-- Provide a quick summary of the dataset. -->
66
+
67
+
68
+
69
+
70
 
71
+ This is a [FiftyOne](https://github.com/voxel51/fiftyone) dataset with 169 samples.
72
 
73
  ## Installation
74
 
 
78
  pip install -U fiftyone
79
  ```
80
 
 
 
81
  ## Usage
82
 
83
  ```python
 
92
  session = fo.launch_app(dataset)
93
  ```
94
 
95
+
96
  ## Dataset Details
97
 
98
  ### Dataset Description
99
 
100
+ <!-- Provide a longer summary of what this dataset is. -->
101
+
102
 
 
103
 
104
+ - **Curated by:** [More Information Needed]
105
+ - **Funded by [optional]:** [More Information Needed]
106
+ - **Shared by [optional]:** [More Information Needed]
107
  - **Language(s) (NLP):** en
108
  - **License:** mit
 
 
 
109
 
110
+ ### Dataset Sources [optional]
111
 
112
+ <!-- Provide the basic links for the dataset. -->
113
+
114
+ - **Repository:** [More Information Needed]
115
+ - **Paper [optional]:** [More Information Needed]
116
+ - **Demo [optional]:** [More Information Needed]
117
 
118
  ## Uses
119
 
120
+ <!-- Address questions around how the dataset is intended to be used. -->
121
+
122
  ### Direct Use
123
 
124
+ <!-- This section describes suitable use cases for the dataset. -->
 
 
 
 
125
 
126
+ [More Information Needed]
127
 
128
+ ### Out-of-Scope Use
 
 
 
 
129
 
130
+ <!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
131
 
132
+ [More Information Needed]
133
 
134
+ ## Dataset Structure
 
 
 
 
 
 
 
 
 
135
 
136
+ <!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
137
 
138
+ [More Information Needed]
 
 
 
 
 
139
 
140
  ## Dataset Creation
141
 
142
  ### Curation Rationale
143
 
144
+ <!-- Motivation for the creation of this dataset. -->
145
+
146
+ [More Information Needed]
 
 
 
147
 
148
  ### Source Data
149
 
150
+ <!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
151
+
152
  #### Data Collection and Processing
153
 
154
+ <!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
 
 
 
155
 
156
+ [More Information Needed]
 
 
 
 
157
 
158
  #### Who are the source data producers?
159
 
160
+ <!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
161
+
162
+ [More Information Needed]
163
 
164
+ ### Annotations [optional]
165
+
166
+ <!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
167
 
168
  #### Annotation process
169
 
170
+ <!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
 
 
171
 
172
+ [More Information Needed]
173
 
174
  #### Who are the annotators?
175
 
176
+ <!-- This section describes the people or systems who created the annotations. -->
 
 
177
 
178
+ [More Information Needed]
179
 
180
+ #### Personal and Sensitive Information
 
 
 
 
 
 
181
 
182
+ <!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
183
 
184
+ [More Information Needed]
 
 
 
 
185
 
186
  ## Bias, Risks, and Limitations
187
 
188
+ <!-- This section is meant to convey both technical and sociotechnical limitations. -->
189
 
190
+ [More Information Needed]
 
 
 
191
 
192
+ ### Recommendations
193
 
194
+ <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
 
 
195
 
196
+ Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
197
+
198
+ ## Citation [optional]
199
+
200
+ <!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
201
+
202
+ **BibTeX:**
203
+
204
+ [More Information Needed]
205
+
206
+ **APA:**
207
 
208
+ [More Information Needed]
 
 
 
 
209
 
210
+ ## Glossary [optional]
211
 
212
+ <!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
213
 
214
+ [More Information Needed]
215
 
216
+ ## More Information [optional]
 
 
 
 
217
 
218
+ [More Information Needed]
219
 
220
+ ## Dataset Card Authors [optional]
221
 
222
+ [More Information Needed]
223
 
224
  ## Dataset Card Contact
225
 
226
+ [More Information Needed]