Skip to content

Commit d93594e

Browse files
ManosMpampisad-danielpassalis
authored
Update index.md (opendr-eu#182)
* Update index.md fixing outdated links * Remove file * Updating Index.md Adding links to Projects * Update engine-data.md Changing links to the corresponding location * Update engine-datasets.md fixing links to the corresponding location * Update engine-target.md * Update activity-recognition.md * Update detr.md * Update edgespeechnets.md * Update efficient-ps.md * Update face-detection-2d-retinaface.md * Update face-recognition.md * Update attention-neural-bag-of-feature-learner.md * Update gated-recurrent-unit-learner.md * Update gem.md * Update human-model-generation.md * Update landmark-based-facial-expression-recognition.md * Update lightweight-open-pose.md * Update matchboxnet.md * Update mobile-manipulation.md * Update multilinear-compressive-learning.md * Update object-detection-2d-centernet.md * Update object-detection-2d-ssd.md * Update object-detection-2d-yolov3.md * Update object-tracking-2d-deep-sort.md * Update object-tracking-2d-fair-mot.md * Update object-tracking-3d-ab3dmot.md * Update quadratic-selfonn.md * Update rgbd-hand-gesture-learner.md * Update semantic-segmentation.md * Update single-demonstration-grasping.md * Update skeleton-based-action-recognition.md * Update voxel-object-detection-3d.md * Update README.md * Update README.md * Update docs/reference/engine-target.md Co-authored-by: ad-daniel <[email protected]> * Update docs/reference/engine-target.md Co-authored-by: ad-daniel <[email protected]> * Update docs/reference/index.md Co-authored-by: ad-daniel <[email protected]> Co-authored-by: ad-daniel <[email protected]> Co-authored-by: ad-daniel <[email protected]> Co-authored-by: Nikolaos Passalis <[email protected]>
1 parent afbb51c commit d93594e

34 files changed

+179
-167
lines changed

docs/reference/activity-recognition.md

+9-9
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,7 @@ On [Kinetics-400](https://deepmind.com/research/open-source/kinetics), they achi
2222
| X3D-L | 65.93 |
2323

2424

25-
The [X3DLearner](#src.opendr.perception.activity_recognition.x3d.modules.x3d.x3d_learner.py) class has the
25+
The [X3DLearner](/src/opendr/perception/activity_recognition/x3d/x3d_learner.py) class has the
2626
following public methods:
2727

2828
#### `X3DLearner` constructor
@@ -125,7 +125,7 @@ Provided with the path "/my/path/name" (absolute or relative), it creates the "n
125125
exist. Inside this folder, the model is saved as "model_name.pth" and the metadata file as "name.json".
126126
If the files already exist, their names are versioned with a suffix.
127127

128-
If [`self.optimize`](#X3DLearner.optimize) was run previously, it saves the optimized ONNX model in
128+
If [`self.optimize`](/src/opendr/perception/activity_recognition/x3d/x3d_learner.py#L492) was run previously, it saves the optimized ONNX model in
129129
a similar fashion with an ".onnx" extension.
130130

131131
Parameters:
@@ -243,7 +243,7 @@ On [Kinetics-400](https://deepmind.com/research/open-source/kinetics) using exte
243243
| X3D-L_64 | 71.61 |
244244

245245

246-
The [CoX3DLearner](#src.perception.activity_recognition.cox3d.modules.cox3d.cox3d_learner.py) class has the
246+
The [CoX3DLearner](/src/opendr/perception/activity_recognition/cox3d/cox3d_learner.py) class has the
247247
following public methods:
248248

249249

@@ -298,11 +298,11 @@ Constructor parameters:
298298

299299

300300
#### `CoX3DLearner.fit`
301-
Inherited from [X3DLearner](#src.perception.activity_recognition.x3d.modules.x3d.x3d_learner.py)
301+
Inherited from [X3DLearner](/src/opendr/perception/activity_recognition/x3d/x3d_learner.py)
302302

303303

304304
#### `CoX3DLearner.eval`
305-
Inherited from [X3DLearner](#src.perception.activity_recognition.x3d.modules.x3d.x3d_learner.py)
305+
Inherited from [X3DLearner](/src/opendr/perception/activity_recognition/x3d/x3d_learner.py)
306306

307307

308308
#### `CoX3DLearner.infer`
@@ -321,19 +321,19 @@ Parameters:
321321

322322

323323
#### `CoX3DLearner.save`
324-
Inherited from [X3DLearner](#src.perception.activity_recognition.x3d.modules.x3d.x3d_learner.py)
324+
Inherited from [X3DLearner](/src/opendr/perception/activity_recognition/x3d/x3d_learner.py)
325325

326326

327327
#### `CoX3DLearner.load`
328-
Inherited from [X3DLearner](#src.perception.activity_recognition.x3d.modules.x3d.x3d_learner.py)
328+
Inherited from [X3DLearner](/src/opendr/perception/activity_recognition/x3d/x3d_learner.py)
329329

330330

331331
#### `CoX3DLearner.optimize`
332-
Inherited from [X3DLearner](#src.perception.activity_recognition.x3d.modules.x3d.x3d_learner.py)
332+
Inherited from [X3DLearner](/src/opendr/perception/activity_recognition/x3d/x3d_learner.py)
333333

334334

335335
#### `CoX3DLearner.download`
336-
Inherited from [X3DLearner](#src.perception.activity_recognition.x3d.modules.x3d.x3d_learner.py)
336+
Inherited from [X3DLearner](/src/opendr/perception/activity_recognition/x3d/x3d_learner.py)
337337

338338

339339
#### Examples

docs/reference/attention-neural-bag-of-feature-learner.md

+1-1
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,7 @@ The *AttentionNeuralBagOfFeatureLearner* class provides the implementation of th
1010
It can also be used to train a time-series classifier.
1111

1212

13-
The [AttentionNeuralBagOfFeatureLearner](#opendr.perception.heart_anomaly_detection.attention_neural_bag_of_feature.attention_neural_bag_of_feature_learner.py) class has the following public methods:
13+
The [AttentionNeuralBagOfFeatureLearner](/src/opendr/perception/heart_anomaly_detection/attention_neural_bag_of_feature/attention_neural_bag_of_feature_learner.py) class has the following public methods:
1414

1515
#### `AttentionNeuralBagOfFeatureLearner` constructor
1616
```python

docs/reference/detr.md

+1-1
Original file line numberDiff line numberDiff line change
@@ -157,7 +157,7 @@ Provided with the path, it creates the "name" directory, if it does not already
157157
Inside this folder, the model is saved as *"detr_[backbone_model].pth"* and the metadata file as *"detr_[backbone].json"*.
158158
If the directory already exists, the *"detr_[backbone_model].pth"* and *"detr_[backbone].json"* files are overwritten.
159159

160-
If [`self.optimize`](#DetrLearner.optimize) was run previously, it saves the optimized ONNX model in a similar fashion with an
160+
If [`self.optimize`](/src/opendr/perception/object_detection_2d/detr/detr_learner.py#L599) was run previously, it saves the optimized ONNX model in a similar fashion with an
161161
*".onnx"* extension, by copying it from the *self.temp_path* it was saved previously during conversion.
162162

163163
Parameters:

docs/reference/edgespeechnets.md

+1-1
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,7 @@ Bases: `engine.learners.Learner`
1010
The *EdgeSpeechNetsLearner* class is a wrapper of the EdgeSpeechNets[[1]](#edgespeechnets-arxiv) implementation. It can
1111
be used for limited-vocabulary speech command recognition tasks.
1212

13-
The [EdgeSpeechNetsLearner](#src.opendr.perception.speech_recognition.edgespeechnets_learner.py) class has the following public
13+
The [EdgeSpeechNetsLearner](/src/opendr/perception/speech_recognition/edgespeechnets/edgespeechnets_learner.py) class has the following public
1414
methods:
1515

1616
#### `EdgeSpeechNetsLearner` constructor

docs/reference/efficient-ps.md

+1-1
Original file line numberDiff line numberDiff line change
@@ -17,7 +17,7 @@ Bases: `engine.learners.Learner`
1717

1818
The *EfficientPsLearner* class is a wrapper around the EfficientPS implementation of the original author's repository adding the OpenDR interface.
1919

20-
The [EfficientPsLearner](#src.opendr.perception.panoptic_segmentation.efficient_ps.efficient_ps_learner.py) class the following public methods:
20+
The [EfficientPsLearner](/src/opendr/perception/panoptic_segmentation/efficient_ps/efficient_ps_learner.py) class the following public methods:
2121
#### `EfficientPsLearner` constructor
2222
```python
2323
EfficientPsLearner(lr, iters, batch_size, optimizer, lr_schedule, momentum, weight_decay, optimizer_config, checkpoint_after_iter, temp_path, device, num_workers, seed, config_file)

docs/reference/engine-data.md

+21-21
Original file line numberDiff line numberDiff line change
@@ -5,13 +5,13 @@ The *engine.data* module contains classes representing different types of data.
55
### Class engine.data.Data
66
Bases: `abc.ABC`
77

8-
Data abstract class allows for representing different types of data.
8+
[Data](/src/opendr/engine/data.py#L24) abstract class allows for representing different types of data.
99
This class serves as the basis for more complicated data types.
1010
For data classes, conversion from (using the constructor) and to [NumPy](https://numpy.org) arrays (using the `numpy()` method) will be supported to make the library compliant with the standard pipelines used by the computer vision and robotics communities.
1111

1212
This class provides abstract methods for returning a [NumPy](https://numpy.org) compatible representation of data `numpy()`.
1313

14-
The [Data](#class-engine.data.data) class has the following public methods:
14+
The *Data* class has the following public methods:
1515
#### data()
1616
Return the data argument.
1717
This method returns the internal representation of the data, which might not be a [NumPy](https://numpy.org) array.
@@ -25,9 +25,9 @@ Bases: `engine.data.Data`
2525

2626
A class used for representing multidimensional timeseries data.
2727

28-
The [Timeseries](#class_engine.data.Timeseries) class has the following public methods:
28+
The [Timeseries](/src/opendr/engine/data.py#L145) class has the following public methods:
2929
#### Timeseries(data=None)
30-
Construct a new [Timeseries](#class_engine.data.Timeseries) object based from *data*.
30+
Construct a new *Timeseries* object based from *data*.
3131
*data* is expected to be a 2-D array that can be casted into a 2-D [NumPy](https://numpy.org) array, where the first dimension corresponds to time and the second to the features.
3232

3333
#### data()
@@ -48,9 +48,9 @@ Bases: `engine.data.Data`
4848

4949
A class used for representing multidimensional vector data.
5050

51-
The [Vector](#class_engine.data.Vector) class has the following public methods:
51+
The [Vector](/src/opendr/engine/data.py#L79) class has the following public methods:
5252
#### Vector(data=None)
53-
Construct a new [Vector](#class_engine.data.Vector) object based from *data*.
53+
Construct a new *Vector* object based from *data*.
5454
*data* is expected to be a 1-D array that can be casted into a 1-D [NumPy](https://numpy.org) array.
5555

5656
#### data()
@@ -71,9 +71,9 @@ Bases: `engine.data.Data`
7171

7272
A class used for representing image data.
7373

74-
The [Image](#class_engine.data.Image) class has the following public methods:
74+
The [Image](/src/opendr/engine/data.py#L211) class has the following public methods:
7575
#### Image(data=None, dtype=np.uint8, guess_format=True)
76-
Construct a new [Image](#class_engine.data.Image) object based on *data*.
76+
Construct a new *Image* object based on *data*.
7777
*data* is expected to be a 3-D array that can be casted into a 3-D [NumPy](https://numpy.org) array.
7878
*dtype* is expected to be a [NumPy](https://numpy.org) data type.
7979
*guess_format* if set to True, then tries to automatically infer whether an [OpenCV](https://opencv.org) image was supplied and then automatically converts it into OpenDR format.
@@ -97,7 +97,7 @@ The [Image](#class_engine.data.Image) class has the following public methods:
9797
This method transforms the internal CHW/RGB representation into HWC/BGR used by OpenCV.
9898

9999
#### open(filename)
100-
Construct a new [Image](#class-engine.data.Image) object from the given image file.
100+
Construct a new *Image* object from the given image file.
101101

102102
#### convert(format='channels_first', channel_order='rgb')
103103
Return the data in channels first/last format using either 'rgb' or 'bgr' ordering.
@@ -112,11 +112,11 @@ Bases: `engine.data.Image`
112112
A class used for representing image data with a list of detections.
113113
This class is used for methods that rely on an external object detector such as DeepSort for 2D object tracking.
114114

115-
The [ImageWithDetections](#class_engine.data.ImageWithDetections) class has the following public methods:
115+
The [ImageWithDetections](/src/opendr/engine/data.py#L358) class has the following public methods:
116116
#### ImageWithDetections(image, boundingBoxList)
117-
Construct a new [ImageWithDetections](#class_engine.data.ImageWithDetections) object based on provided data.
118-
- *image* is expected to be an [Image](#class_engine.data.Image) or a 3-D array that can be casted into a 3-D [NumPy](https://numpy.org) array.
119-
- *boundingBoxList* is expected to be a [BoundingBoxList](#class_engine.target.BoundingBoxList).
117+
Construct a new *ImageWithDetections* object based on provided data.
118+
- *image* is expected to be an *Image* or a 3-D array that can be casted into a 3-D [NumPy](https://numpy.org) array.
119+
- *boundingBoxList* is expected to be a [BoundingBoxList](/src/opendr/engine/target.py#L404).
120120

121121
#### data()
122122
Return *data* argument.
@@ -131,9 +131,9 @@ Bases: `engine.data.Data`
131131

132132
A class used for representing video data.
133133

134-
The [Video](#class_engine.data.Video) class has the following public methods:
134+
The [Video](/src/opendr/engine/data.py#L423) class has the following public methods:
135135
#### Video(data=None)
136-
Construct a new [Video](#class_engine.data.Video) object based on *data*.
136+
Construct a new *Video* object based on *data*.
137137
*data* is expected to be a 4-D array of shape (channels, time_steps, height, width).
138138

139139
#### data()
@@ -154,9 +154,9 @@ Bases: `engine.data.Data`
154154

155155
A class used for representing point cloud data.
156156

157-
The [PointCloud](#class_engine.data.PointCloud) class has the following public methods:
157+
The [PointCloud](/src/opendr/engine/data.py#L496) class has the following public methods:
158158
#### PointCloud(data=None)
159-
Construct a new [PointCloud](#class_engine.data.PointCloud) object based on *data*.
159+
Construct a new *PointCloud* object based on *data*.
160160
*data* is expected to be a 2-D array that can be casted into a 2-D [NumPy](https://numpy.org) array.
161161

162162
#### data()
@@ -177,9 +177,9 @@ Bases: `engine.data.PointCloud`
177177

178178
A class used for representing point cloud data with a corresponding lidar-camera callibration data.
179179

180-
The [PointCloudWithCalibration](#class_engine.data.PointCloudWithCalibration) class has the following public methods:
180+
The [PointCloudWithCalibration](/src/opendr/engine/data.py#L562) class has the following public methods:
181181
#### PointCloudWithCalibration(data=None, calib=None)
182-
Construct a new [PointCloudWithCalibration](#class_engine.data.PointCloud) object based on *data*.
182+
Construct a new *PointCloudWithCalibration* object based on *data*.
183183
*data* is expected to be a 2-D array that can be casted into a 2-D [NumPy](https://numpy.org) array.
184184
*calib* is expected to be a dictionary with `P`, `R0_rect`, `Tr_velo_to_cam` and `Tr_imu_to_velo` matrices in [NumPy](https://numpy.org)-compatible format.
185185
- `P[x]` matrices project a point in the rectified referenced camera coordinate to the `camera[x]` image.
@@ -206,9 +206,9 @@ Bases: `engine.data.Data`
206206

207207
A class used for representing a sequence of body skeletons in a video.
208208

209-
The [SkeletonSequence](#class_engine.data.SkeletonSequence) class has the following public methods:
209+
The [SkeletonSequence](/src/opendr/engine/data.py#L631) class has the following public methods:
210210
#### SkeletonSequence(data=None)
211-
Construct a new [SkeletonSequence](#class_engine.data.SkeletonSequence) object based on *data*.
211+
Construct a new *SkeletonSequence* object based on *data*.
212212
*data* is expected to be a 5-D array that can be casted into a 5-D [NumPy](https://numpy.org) array.
213213
The array's dimensions are defined as follows:
214214

docs/reference/engine-datasets.md

+13-13
Original file line numberDiff line numberDiff line change
@@ -5,23 +5,23 @@ The *engine.datasets* module contains classes representing different types of da
55
### Class engine.datasets.Dataset
66
Bases: `abc.ABC`
77

8-
Dataset abstract class for representing different types of datasets.
8+
[Dataset](/src/opendr/engine/datasets.py#L21) abstract class for representing different types of datasets.
99
This class serves as the basis for more complicated datasets.
1010

1111

12-
The [Dataset](#class-engine.datasets.Dataset) class has the following public methods:
12+
The *Dataset* class has the following public methods:
1313
#### Dataset()
1414

1515
### Class engine.datasets.DatasetIterator
1616
Bases: `engine.datasets.Dataset`
1717

18-
DatasetIterator serves as an abstraction layer over the different types of datasets.
18+
[DatasetIterator](/src/opendr/engine/datasets.py#L31) serves as an abstraction layer over the different types of datasets.
1919
In this way it provides the opportunity to users to implement different kinds of datasets, while providing a uniform interface.
20-
DatasetIterator should return a tuple of ([engine.data.Data](#class_engine.data.Data), [engine.target.Target](#class_engine.target.Target)) using the index operator `dataset_iterator[idx]`
20+
DatasetIterator should return a tuple of (`engine.data.Data`, [`engine.target.Target`](/src/opendr/engine/target.py)) using the index operator `dataset_iterator[idx]`
2121

22-
The [DatasetIterator](#class-engine.datasets.DatasetIterator) class has the following public methods:
22+
The *DatasetIterator* class has the following public methods:
2323
#### DatasetIterator()
24-
Construct a new [DatasetIterator](#class-engine.datasets.DatasetIterator) object.
24+
Construct a new *DatasetIterator* object.
2525

2626
### Examples
2727
* **Creation of a new DatasetIterator class**.
@@ -60,9 +60,9 @@ Bases: `engine.datasets.Dataset`
6060
ExternalDataset provides a way for handling well-known external dataset formats (e.g., COCO, PascalVOC, Imagenet, etc.) directly by OpenDR, without requiring any special effort from the users for writing a specific loader.
6161

6262

63-
The [ExternalDataset](#class-engine.datasets.ExternalDataset) class has the following public methods:
63+
The [ExternalDataset](/src/opendr/engine/datasets.py#L101) class has the following public methods:
6464
#### ExternalDataset(path, dataset_type)
65-
Construct a new [ExternalDataset](#class-engine.datasets.ExternalDataset) object based on *dataset_type*.
65+
Construct a new *ExternalDataset* object based on *dataset_type*.
6666
*dataset_type* is expected to be a string with a name of the dataset type like "voc", "coco", "imagenet", "kitti", etc.
6767

6868
#### path()
@@ -87,9 +87,9 @@ Bases: `engine.datasets.DatasetIterator`
8787

8888
MappedDatasetIterator allows to transform elements of the original DatasetIterator.
8989

90-
The [MappedDatasetIterator](#class-engine.datasets.MappedDatasetIterator) class has the following public methods:
90+
The [MappedDatasetIterator](/src/opendr/engine/datasets.py#L66) class has the following public methods:
9191
#### MappedDatasetIterator(original, map_function)
92-
Construct a new [MappedDatasetIterator](#class-engine.datasets.MappedDatasetIterator) object based on existing *original* [DatasetIterator](#class-engine.datasets.DatasetIterator) and the *map_function*.
92+
Construct a new *MappedDatasetIterator* object based on existing *original* [DatasetIterator](/src/opendr/engine/datasets.py#L31) and the *map_function*.
9393

9494
### Examples
9595
* **Generation of a MappedDatasetIterator from an existing DatasetIterator**.
@@ -134,8 +134,8 @@ Bases: `engine.datasets.DatasetIterator`
134134

135135
PointCloudsDatasetIterator allows to load point cloud data from disk stored in a [NumPy](https://numpy.org) format.
136136

137-
The [PointCloudsDatasetIterator](#class-engine.datasets.PointCloudsDatasetIterator) class has the following public methods:
137+
The [PointCloudsDatasetIterator](/src/opendr/engine/datasets.py#L165) class has the following public methods:
138138
#### PointCloudsDatasetIterator(path, num_point_features=4)
139-
Construct a new [PointCloudsDatasetIterator](#class-engine.datasets.PointCloudsDatasetIterator) object based on path* and *num_point_features*.
139+
Construct a new *PointCloudsDatasetIterator* object based on path* and *num_point_features*.
140140
*path* is expected to be a string.
141-
*num_point_features* is expected to be a number representing the number of features per point.
141+
*num_point_features* is expected to be a number representing the number of features per point.

0 commit comments

Comments
 (0)