PCONet: A Convolutional Neural Network Architecture to Detect Polycystic Ovary Syndrome (PCOS) from Ovarian Ultrasound Images
Abstract
Polycystic Ovary Syndrome (PCOS) is an endrocrinological dysfunction prevalent among women of reproductive age. PCOS is a combination of syndromes caused by an excess of androgens — a group of sex hormones — in women. Syndromes including acne, alopecia, hirsutism, hyperandrogenaemia, oligo-ovulation, etc. are caused by PCOS. It is also a major cause of female infertility. An estimated 15% of reproductive-aged women are affected by PCOS globally. The necessity of detecting PCOS early due to the severity of its deleterious effects cannot be overstated. In this paper, we have developed PCONet - a Convolutional Neural Network (CNN) - to detect polycistic ovary from ovarian ultrasound images. We have also fine tuned InceptionV3 - a pretrained convolutional neural network of 45 layers - by utilizing the transfer learning method to classify polcystic ovarian ultrasound images. We have compared these two models on various quantitative performance evaluation parameters and demonstrated that PCONet is the superior one among these two with an accuracy of 98.12%, whereas the fine tuned InceptionV3 showcased an accuracy of 96.56% on test images.
Keywords:
CNN, Deep Learning, Convolutional neural network, PCOS, Polycystic ovary syndrome, Cystic ovary, PCOS ultrasound image classification, Polycystic ovary detection, PCOS detectionI Introduction
Hyperandrogenism and polycystic ovary morphology (PCOM) are two of the defining characteristics of Polycystic Ovary Syndrome, also known as PCOS- ovarian dysfunction [1]. Stein and Leventhal [2] first defined PCOS in 1935 as a combined syndrome of hirsutism, chronic anovulation, amenorrhea, infertility, and enlarged cysts in the ovaries. But nevertheless, the World Health Organization (WHO) did not include ‘E28.2 Polycystic Ovarian Syndrome’ in International Classification of Diseases, 10th revision, until 1990 [3].
Menstrual abnormalities, symptoms of an excess of androgen, and obesity are all possible clinical manifestations of this condition. There is also a correlation between PCOS and an escalated type 2 diabetes risk [4]. PCOS is defined as the prevalent reason for oligo-ovulatory infertility, which affects around 4%-20% reproductive aged women worldwide [5]. The risk of developing PCOS in patients with a family history of PCOS were 24% and 32%, respectively, but untreated premenopausal women were at higher risk of developing PCOS [6].
PCOS is a heterogeneous dysfunction which is a combination of various clinical symptoms, including hyperandrogenism (hirsutism, hyperandrogenaemia), dysfuntion of the ovary (oligo-ovulation, PCOM) [7]. The most prevalent PCOS categorization is the Rotterdam definition, which is supported by the majority of scientific associations and health agencies at present [8]. According to the definition [4], PCOS is proposed to be diagnosable in a patient exhibiting no less than two out of the three symptoms, which are:
-
•
Hyperandrogenemia
-
•
PCOM
-
•
Ovulation disorder
However, the 2006 Androgen Excess and PCOS Society (AE–PCOS) necessitates hyperandrogenemia, ovulation disorder, and/or polycystic ovary morphology as symptoms to be defined as PCOS [9].
The criterion which are used to define PCOS has independent clinical effects [10], such as: excessive androgen possibly causing cutaneous manifestations [7]; ovulation disorder and chronic oligomenorrhoea causing endometrial hyperplasia, infertility, and carcinoma [7]; and PCOM possibly causing an increased risk of ovarian hyperstimulation syndrome (OHSS)- a serious complication of ovulation induction [11]. Generally, the severity of an individual patient’s phenotype can be roughly correlated to the number of criteria that she satisfies for having PCOS [12].

The classic PCOS phenotype is the most severe clinical manifestation of PCOS, which, as shown in Fig. 1, regardless of the presence of PCOM, manifests with both hyperandrogenism and oligo-ovulation. The second most severe penotype is ovulatory PCOS, which manifests hyperandrogenism and PCOM. The least severe phenotype is the non-hyperandrogenic PCOS- consisting of oligo-ovulation and PCOM [12]- which, according to the AE–PCOS statement, is not to be considered PCOS [7].
PCOS is usually linked to abdominal adiposity. It also causes obesity, insulin resistance, cardiovascular risk factors, and metabolic disorders. PCOS is also associated with decreased fertility in women [10]. Presence of an ovarian volume of 10 ml and/or 25 follicles per ovary when using 8Mhz transducer frequencies is required to be defined as PCOM [13]. Detectiing PCOS as early as possible is vital to start treatment. Use of machine learning approaches can be an alternative to detecting PCOS in traditional approach - which is often too time consuming.
Our contributions in this paper-
-
•
From reviewing previous publications on PCOS detection using deep learning, we have noticed that works on PCOS detection from ultrasound images were significantly lower than classification based on data tables with numerical and categorical data on PCOS.
-
•
We have developed a convolutional neural network (CNN) model, named PCONet, to detect ovarian cysts from ovarian ultrasound images. Our model can detect ovarian cysts with 98.12% accuracy, which is higher than the pretrained [14] model InceptionV3 in classifying the ultrasound images of our test dataset.
-
•
We have fine tuned and customized a convolutional neural network (CNN) model, InceptionV3, according to our dataset to detect ovarian cysts from ovary ultrasound images. This model showcased an accuracy of 96.56%.
-
•
We have built an ovarian ultrasound image dataset to test our models by collecting images from Google and labeling them with the help of two certified physicians. We used this discrete dataset as test set to ensure an unbiased performance evaluation of our models.
II Related Works
Using k-nearest neighbor (KNN), decision tree classifier, naive bayes, logistic regression (LR), and support vector machine (SVM) Chauhan et al. [15] attempted to diagnose PCOS and discovered that Decision Tree was the most successful method in their particular circumstance.
Support vector machine, classification and regression trees (CART), naive bayes classification, random forest, and logistic regression were the classifiers that Hassan and Mirza [16] applied in order to identify PCOS from the clinical data table of patients. The random forest classifier had the highest accuracy, which was 96%.
Kumari [17] classified PCOS based on an image dataset using DenseNet-121, VGG-19, DenseNet-121, InceptionV3, and ResNet-50. VGG-19 had the highest accuracy out of the four, coming in at 70 percent, according to her findings. The author of this study overcame the constraints imposed by the dataset by utilizing the architecture of Generative Adversarial Networks (GANs) and augmenting the data. The collection contained a total of 94 photographs, 50 of which depicted PCOS, and the remaining 44 were ultrasonic photographs that did not depict PCOS.
Inan et al. [18] suggested XGBoost for PCOS screening based on their data table. Using statistical correlation techniques such as the ANOVA Test and the Chi-Square Test, they selected 23 metabolic and clinical indicators that best identify PCOS. Using a mix of Synthetic Minority Oversampling Techniques (SMOTE) and Edited Nearest Neighbor (ENN), the data were resampled.
Lv et al. [19] proposed a deep learning architecture employing U-net, ResNet 18, and the Multi Instance Learning model to categorize PCOS patients based on scleral pictures. There were a total of 721 photos in their dataset, of which 388 were of PCOS patients. Their proposed model attained an accuracy of 93% and an AUC of 98% on average.
Soni and Vashishta [20] devised an approach that employs image segmentation and convolutional neural network (CNN) to detect PCOS in ultrasound pictures. In addition, the K-Nearest Neighbor method was utilized to classify the photos.
To classify PCOS from ultrasound images, Srivastava et al. [21] fine-tune the 16 Layered VGG-16 model using their own dataset. Their model achieved an accuracy of 92.11%.
[22] employed image binarization on ultrasound B-mode images. Rihana et. al [23] converted ultrasonic pictures of ovarian cysts to grey scale images and employed image binarization as image preprocessing procedure. The authors post-processed the photos by labeling and linking components, which ultimately led to the extraction of geometrical features and classification of cysts. They utilized SVM as their classifier and attained 90% accuracy.
III Methodology
Two convolutional neural network models were utilized in this study. We have fine-tuned the InceptionV3 convolutional neural network through transfer learning method and customized the model based on our dataset requirements. Additionally, we have developed a lightweight convolutional neural network to detect ovarian cysts in our dataset. Fig. 2 depicts an overview of our work process.

III-A Dataset Description
In this work, our database consisted of two discrete datasets: dataset A, and dataset B. Dataset A was used for training and validating our models. But for testing, instead of partitioning a test set from dataset A, we have used a discrete dataset B for unbiased performance evaluation of the models. Fig. 3 depicts an overview of our whole database.

III-A1 Dataset A
Our initial dataset- dataset A- which was utilized to train and validate both of our models, was obtained from Kaggle [25]. Dataset A initially included a training set of 1,924 images and a test set of 1,932 images. However, the images in both the training and test sets in this dataset were largely identical. We have therefore discarded the test set and worked exclusively with the training set.
We have further partitioned Dataset A’s initial training set into two sets: training set and validation set. Both sets included ultrasound pictures of healthy ovaries as well as cystic ovaries. The ultrasound photos that showed infected cysts on the ovary were given the label ‘infected’ while the ultrasound images that showed a healthy ovary were given the label ‘not infected’. Finally, we have come up with our final version of Dataset A which contained a total of 1,346 training photos in addition to 384 validation images. Sample images of both cystic and healthy ovarian ultrasound images are shown in Fig. 4.

III-A2 Dataset B
For our test set- Dataset B- we have gathered ultrasound images of healthy and cystic ovarian tissues from various internet platforms. We have consulted two certified physicians in order to appropriately classify these photos as healthy or cystic. Ultrasound photos of healthy ovaries were identified as ‘not infected’, whereas images of cystic ovaries were labeled as ‘infected’. Dataset B contained a total of 339 photos, 154 of which were healthy ovarian ultrasound images and 185 of which were images of ovarian cysts. This dataset was completely unrelated to dataset A to ensure an unbiased performance evaluation of our models. Sample images of both cystic and healthy ovarian ultrasound images of dataset B are shown in Fig. 5.

III-B Image Preprocessing
As mentioned before, dataset A was used for training and validating our models, and dataset B for testing. Both dataset A and B included photos of varying dimensions. To provide our models with images of uniform dimensions, we have rescaled all the photos of both the datasets to 224×224 pixels. Our training, test, and validation sets each had 16 batches. We have used ImageDataGenerator from Keras to normalize our image data. We have also augmented our training images in order to overcome dataset A’s image limitations. We have utilized approximately 80% of dataset A as training set and the remaining 20% as validation set. Dataset B was used as test set.
III-C Model Description
III-C1 Fine Tuning Inception-V3
InceptionV3 was initially developed in response to the 2012 ILSVRC classification challenge [26]. Default InceptionV3 contains 42 layers. The output layer had a dimension of 1x1x1000 because ILSVRC dataset contained 1000 classes of images, and the softmax activation function was utilized in its output layer because the goal was multiclass classification.
As our dataset required binary classification, the top layers of the InceptionV3 model were removed and two dense layers were added. The dense layer before the output layer had 512 neurons. In this layer, we have employed the ReLu activation function and a dropout of 0.5 to prevent overfitting. Our output layer consisted of two neurons, as our classification task was binary. The output layer uses Sigmoid activation function to classify the images into two categories: ‘infected’ and ‘not infected’. This model’s design is depicted in Figure 6. To compile the model, we have used Adam optimizer with a learning rate of 0.00001 and ‘binary crossentropy’ as the loss function.

III-C2 PCONet
We have developed a convolutional neural network model to classify polycystic ovarian images. Five convolutional blocks, each consisting of a convolutional layer plus a max pooling layer, were utilized to build PCONet. The kernel size of each convolutional layer was 3x3, the activation function was ReLu, and the stride was 1. The initial convolutional layer’s input shape was (224,224,3). All the maximum pooling layers had a 2x2 pool size. To extract features, the filter numbers for first through fifth convolutional layers were 32, 32, 64, 64, and 128 consecutively. Fig. 7 depicts a simplified schematic of PCONet. As an example, the first convolutional block is depicted in Fig. 8. Such five convolutional blocks were utilized with various parameters.


Following the convolutional blocks, a flattening layer was implemented to feed data into dense layers. To classify the photos, we have utilized three dense layers. The first dense layer contained 124 neurons, a ReLu activation function, and a dropout rate of 0.5 to avoid overfitting. The second dense layer contained 256 neurons, an activation function of ReLu, and a dropout rate of 0.5. As this is a binary classification task, the output layer contained two neurons and Sigmoid activation function. In Table I, we have presented an overview of our proposed convolutional network. To compile PCONet, we have used the Adam optimizer with a learning rate of 0.00001 and the binary crossentropy loss function.
Type | Specifications | Output Size |
---|---|---|
Conv_1 | 32(3, 3), s=1 | (222, 222, 32) |
Max_pool_1 | (2, 2), s=2 | (111, 111, 32) |
Conv_2 | 32(3, 3), s=1 | (109, 109, 32) |
Max_pool_2 | (2, 2), s=2 | (54, 54, 32) |
Conv_3 | 64(3, 3), s=1 | (52, 52, 64) |
Max_pool_3 | (2, 2), s=2 | (26, 26, 64) |
Conv_4 | 64(3, 3), s=1 | (24, 24, 64) |
Max_pool_4 | (2, 2), s=2 | (12, 12, 64) |
Conv_5 | 128(3, 3), s=1 | (10, 10, 128) |
Max_pool_5 | (2, 2), s=2 | (5, 5, 128) |
Flattening Layer | (None, 3200) | |
Dense Layer 1 | 128, ReLu | (None, 128) |
Dense Layer 2 | 256, ReLu | (None, 256) |
Output Layer | 2, Sigmoid | (None, 2) |
III-D Training Models
Our dataset included photos of various dimensions. To train both of our models, we have preprocessed all of our photos, as mentioned in section III-B. The same training set and image preprocessing procedure were followed for both models. Both models were trained for thirty epochs. Steps per epoch were determined by dividing the number of images by the batch size. The batch size for training both models was 16. To validate the models, we have utilized our validation dataset.
IV Result Analysis
The quantitative performance evaluation of both our models is based on accuracy, precision, recall, and F1 Score on training and validation sets. These images were labeled with ‘infected’ for ploycystic ovarian ultrasound images and ‘not infected’ for healthy ovarian images.
PCONet showe 98.58% accuracy and InceptionV3 showed 97.34% accuracy in training set. PCONet showed 1.24& higher accuracy on training set. Confusion matrix of both the models were plotted based on this test set. A comparative table for both the models’ performance on test set is given in Table II. Accuracy (Fig. 9), precision (Fig. 10), recall (Fig. 11), and loss (Fig. 12) of training and validation set were also plotted for both of the models.
Parameters | Class | InceptionV3 | PCONet |
Accuracy | 96.56% | 98.12% | |
Precision | Cystic | 0.94 | 0.96 |
Healthy | 1.00 | 0.97 | |
Recall | Cystic | 1.00 | 0.97 |
Healthy | 0.91 | 0.95 | |
F1 Score | Cystic | 0.97 | 0.97 |
Healthy | 0.95 | 0.96 |






We have tested the accuracy of our models on dataset B, consisting of 339 images. There were 189 infected images and 150 healthy ovarian images in our test set. On our test set, InceptionV3 has an accuracy of 96.56%, whereas PCONet has an accuracy of 98.12%, as shown in Table II. PCONet, despite being a considerably lighter model than InceptionV3, demonstrates 1.56% higher accuracy than InceptionV3. PCONet also exhibits 2% higher precision than InceptionV3 when it comes to the detection of cystic ovary. However, InceptionV3 demonstrates 3% higher precision than PCONet in healthy images. In comparison to InceptionV3, PCONet had a greater recall rate for the detection of healthy ovary but a lower recall rate for the detection of cystic ovary.
The f1 score for recognizing cystic ovary is the same for both models, which was 0.97. However, the f1-score for detecting healthy ovary is 1% higher for the PCONet model than InceptionV3 model.
From the confusion matrix of InceptionV3 (Fig.13), and PCONet (Fig. 14), it is visible PCONet correctly predicted 5 more infected images than InceptionV3. PCONet correctly predicted all the infected images of our test set, whereas InceptionV3 had 5 incorrect infected image prediction. However, InceptionV3 correctly predicted 6 more healthy images than PCONet. InceptionV3 correctly predicted 143 healthy images out of 150, which was 137 correct predictions for PCONet.
Although the performances of both the models were almost on par with one another, PCONet showed better accuracy, which was 98.12%, than fine tuned InceptionV3 - 96.56%. PCONet had a total of 582,690 parameters, of which all were trainable. On the other hand, InceptionV3 had a total of 48,018,722 parameters, of which 34,432 were non-trainabkle and 47,984,290 were trainable. PCONet is a much lighter model than InceptionV3, but it still shows higher accuracy in our test dataset. As a result, we can reach the conclusion that our model PCONet is the better one among these two in detecting polycystic ovarian ultrasound images tested on our dataset.
V Conclusion
In this work, we have developed PCONet- a CNN model to classify polycystic ovarian ultrasound images. We have also fine tuned pretrained InceptionV3 and compared it to PCONet on various quantitative performance evaluation parameters. To test the models, we have developed a test set completely unrelated to training and validation datasets to ensure unbiased evaluation. The PCONet showcased an accuracy of 98.12% which was higher than the accuracy of the fine tuned InceptionV3- which showed 96.56% accuracy. We have also compared the models on the basis of precision, recall, and f1 score. We have plotted the confusion matrix of these two models conducted on the test set. PCONet can be used to detect polycystic ovarian images in healthcare facilities to contribute to the early detection of PCOS—a vital step to mitigate the devastating effects of this syndrome. In the future, we plan to work on PCONet to further improve the accuracy. We also plan to show the elasticity of ovarian images from ultrasound [27], photoacoustic [28] and magnetic resonance imaging [29].
References
- [1] J. Laven, B. Imani, M. Eijkemans et al., “New approaches to pcos and other forms ofanovulation,” Obstet Gynecol Surv, vol. 57, no. 1, p. 1, 2002.
- [2] I. F. Stein, “Amenorrhea associated with bilateral polycystic ovaries,” Am J Obstet Gynecol, vol. 29, pp. 181–191, 1935.
- [3] W. H. Organization et al., The ICD-10 classification of mental and behavioural disorders: clinical descriptions and diagnostic guidelines. World Health Organization, 1992.
- [4] R. E.-S. P. C. W. Group, “Revised 2003 consensus on diagnostic criteria and long-term health risks related to polycystic ovary syndrome (pcos),” Human reproduction, vol. 19, no. 1, pp. 41–47, 2004.
- [5] R. Deswal, V. Narwal, A. Dang, and C. S. Pundir, “The prevalence of polycystic ovary syndrome: a brief systematic review,” Journal of Human Reproductive Sciences, vol. 13, no. 4, p. 261, 2020.
- [6] M. D. Kahsar-Miller, C. Nixon, L. R. Boots, R. C. Go, and R. Azziz, “Prevalence of polycystic ovary syndrome (pcos) in first-degree relatives of patients with pcos,” Fertility and sterility, vol. 75, no. 1, pp. 53–58, 2001.
- [7] R. Azziz, E. Carmina, D. Dewailly, E. Diamanti-Kandarakis, H. F. Escobar-Morreale, W. Futterweit, O. E. Janssen, R. S. Legro, R. J. Norman, A. E. Taylor et al., “The androgen excess and pcos society criteria for the polycystic ovary syndrome: the complete task force report,” Fertility and sterility, vol. 91, no. 2, pp. 456–488, 2009.
- [8] R. S. Legro, S. A. Arslanian, D. A. Ehrmann, K. M. Hoeger, M. H. Murad, R. Pasquali, and C. K. Welt, “Diagnosis and treatment of polycystic ovary syndrome: an endocrine society clinical practice guideline,” The Journal of Clinical Endocrinology & Metabolism, vol. 98, no. 12, pp. 4565–4592, 2013.
- [9] R. Azziz, E. Carmina, D. Dewailly, E. Diamanti-Kandarakis, H. F. Escobar-Morreale, W. Futterweit, O. E. Janssen, R. S. Legro, R. J. Norman, A. E. Taylor et al., “Criteria for defining polycystic ovary syndrome as a predominantly hyperandrogenic syndrome: an androgen excess society guideline,” The Journal of Clinical Endocrinology & Metabolism, vol. 91, no. 11, pp. 4237–4245, 2006.
- [10] H. F. Escobar-Morreale, “Polycystic ovary syndrome: definition, aetiology, diagnosis and treatment,” Nature Reviews Endocrinology, vol. 14, no. 5, pp. 270–284, 2018.
- [11] K. Jayaprakasan, Y. Chan, R. Islam, Z. Haoula, J. Hopkisson, A. Coomarasamy, and N. Raine-Fenning, “Prediction of in vitro fertilization outcome at different antral follicle count thresholds in a prospective cohort of 1,012 women,” Fertility and sterility, vol. 98, no. 3, pp. 657–663, 2012.
- [12] H. F. Escobar-Morreale, “Menstrual dysfunction—a proxy for insulin resistance in pcos?” Nature Reviews Endocrinology, vol. 10, no. 1, pp. 10–11, 2014.
- [13] D. Dewailly, M. E. Lujan, E. Carmina, M. I. Cedars, J. Laven, R. J. Norman, and H. F. Escobar-Morreale, “Definition and significance of polycystic ovarian morphology: a task force report from the androgen excess and polycystic ovary syndrome society,” Human reproduction update, vol. 20, no. 3, pp. 334–352, 2014.
- [14] K. M. Hasib, S. Sakib, J. Al Mahmud, K. Mithu, M. S. Rahman, and M. S. Alam, “Covid-19 prediction based on infected cases and deaths of bangladesh using deep transfer learning,” in 2022 IEEE World AI IoT Congress (AIIoT). IEEE, 2022, pp. 296–302.
- [15] P. Chauhan, P. Patil, N. Rane, P. Raundale, and H. Kanakia, “Comparative analysis of machine learning algorithms for prediction of pcos,” in 2021 International Conference on Communication information and Computing Technology (ICCICT). IEEE, 2021, pp. 1–7.
- [16] M. M. Hassan and T. Mirza, “Comparative analysis of machine learning algorithms in diagnosis of polycystic ovarian syndrome,” Int. J. Comput. Appl, vol. 975, p. 8887, 2020.
- [17] S. Kumari, “Classification of pcos/pcod using transfer learning and gan architectures to generate pseudo ultrasound images,” Ph.D. dissertation, Dublin, National College of Ireland, 2021.
- [18] M. S. K. Inan, R. E. Ulfath, F. I. Alam, F. K. Bappee, and R. Hasan, “Improved sampling and feature selection to support extreme gradient boosting for pcos diagnosis,” in 2021 IEEE 11th Annual Computing and Communication Workshop and Conference (CCWC). IEEE, 2021, pp. 1046–1050.
- [19] W. Lv, Y. Song, R. Fu, X. Lin, Y. Su, X. Jin, H. Yang, X. Shan, W. Du, Q. Huang et al., “Deep learning algorithm for automated detection of polycystic ovary syndrome using scleral images,” Frontiers in Endocrinology, vol. 12, 2021.
- [20] P. Soni and S. Vashisht, “Image segmentation for detecting polycystic ovarian disease using deep neural networks,” International Journal of Computer Sciences and Engineering, vol. 7, no. 3, pp. 534–537, 2019.
- [21] S. Srivastava, P. Kumar, V. Chaudhry, and A. Singh, “Detection of ovarian cyst in ultrasound images using fine-tuned vgg-16 deep learning network,” SN Computer Science, vol. 1, no. 2, pp. 1–8, 2020.
- [22] R. A. Mukaddim, J. Shan, I. E. Kabir, A. S. Ashik, R. Abid, Z. Yan, D. N. Metaxas, B. S. Garra, K. K. Islam, and S. K. Alam, “A novel and robust automatic seed point selection method for breast ultrasound images,” in 2016 International Conference on Medical Engineering, Health Informatics and Technology (MediTec), 2016, pp. 1–5.
- [23] S. Rihana, H. Moussallem, C. Skaf, and C. Yaacoub, “Automated algorithm for ovarian cysts detection in ultrasonogram,” in 2013 2nd International Conference on Advances in Biomedical Engineering. IEEE, 2013, pp. 219–222.
- [24] A. N. T. Inception v3 model architecture. [Online]. Available: https://iq.opengenus.org/inception-v3-model-architecture/
- [25] A. Choudhari. Pcos detection using ultrasound images. [Online]. Available: https://www.kaggle.com/datasets/anaghachoudhari/pcos-detection-using-ultrasound-images
- [26] C. Szegedy, V. Vanhoucke, S. Ioffe, J. Shlens, and Z. Wojna, “Rethinking the inception architecture for computer vision,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2016, pp. 2818–2826.
- [27] I. E. Kabir, R. Abid, A. S. Ashik, K. K. Islam, and S. K. Alam, “Improved strain estimation using a novel 1.5 d approach: Preliminary results,” in 2016 International Conference on Medical Engineering, Health Informatics and Technology (MediTec). IEEE, 2016, pp. 1–5.
- [28] E. Zheng, H. Zhang, S. Goswami, I. E. Kabir, M. M. Doyley, and J. Xia, “Second-generation dual scan mammoscope with photoacoustic, ultrasound, and elastographic imaging capabilities,” Jan 1AD. [Online]. Available: https://www.frontiersin.org/articles/10.3389/fonc.2021.779071/full
- [29] A. Faiyaz, I. E. Kabir, M. M. Doyley, I. Sack, M. N. Uddin, and G. Schifitto, “Preliminary mr elastography investigation on hiv+ cohort with cerebral small vessel disease.”